Pinned Repositories
BayesianOptimization
A Python implementation of global optimization with gaussian processes.
bert-aggcn
Attention Guided Graph Convolutional Networks over pretrained BERT Embeddings for Relation Extraction
Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
DA-RNN
DNN-SMEIO
Integration of DNN framework with Stochastic Multi-echelon Inventory Optimization (SMEIO)
Genetic-Algorithm
Python code for Genetic Algorithm based on “A Simulation-based decision support for multi-echelon inventory problem with service level constraints” by Shing Chih Tsai and Chung Hung Liu.
LSTM
基于LSTM神经网络的时间序列预测
neural-combinatorial-rl-pytorch
PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940
Power-of-Two-policy
Multi Echelon Inventory Management System using Power of Two Policy
pytorch-drl4vrp
Implementation of: Nazari, Mohammadreza, et al. "Deep Reinforcement Learning for Solving the Vehicle Routing Problem." arXiv preprint arXiv:1802.04240 (2018).
DadSheng's Repositories
DadSheng/BayesianOptimization
A Python implementation of global optimization with gaussian processes.
DadSheng/bert-aggcn
Attention Guided Graph Convolutional Networks over pretrained BERT Embeddings for Relation Extraction
DadSheng/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
DadSheng/DA-RNN
DadSheng/DNN-SMEIO
Integration of DNN framework with Stochastic Multi-echelon Inventory Optimization (SMEIO)
DadSheng/Genetic-Algorithm
Python code for Genetic Algorithm based on “A Simulation-based decision support for multi-echelon inventory problem with service level constraints” by Shing Chih Tsai and Chung Hung Liu.
DadSheng/LSTM
基于LSTM神经网络的时间序列预测
DadSheng/neural-combinatorial-rl-pytorch
PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940
DadSheng/Power-of-Two-policy
Multi Echelon Inventory Management System using Power of Two Policy
DadSheng/pytorch-drl4vrp
Implementation of: Nazari, Mohammadreza, et al. "Deep Reinforcement Learning for Solving the Vehicle Routing Problem." arXiv preprint arXiv:1802.04240 (2018).
DadSheng/reinforcement-learning
Personal experiments on Reinforcement Learning
DadSheng/scikit-opt
Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)
DadSheng/tsp-solver
Python implementation of Travelling Salesman Problem (TSP) using branch-and-bound algorithm.