luoluobo's Stars
masizhou/traffic_prediction
分别使用三种图卷积做一个简单的交通流量预测模型。
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
lilagon/RL_train_rescheduling
lnpalmer/A2C
PyTorch implementation of Advantage Actor-Critic (A2C)
ramos-ai/explainable-drl-traffic-lights
hyunwoongko/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
lg-li/Genetic-Algorithm-Flexible-Job-Shop-Scheduling-Problem
Flexible job shop scheduling program based on genetic algorithm. 基于遗传算法的柔性车间调度问题方案模拟程序。
hitywt/easy-rl
强化学习中文教程(蘑菇书),在线阅读地址:https://datawhalechina.github.io/easy-rl/
bentrevett/pytorch-rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
orrivlin/Hindsight-Experience-Replay---Bit-Flipping
Simple bit flipping with sparse rewards using HER, similarly to the original paper
p-christ/Deep-Reinforcement-Learning-Algorithms-with-PyTorch
PyTorch implementations of deep reinforcement learning algorithms and environments
nabergh/doom_dqfd
deep reinforcement learning using demonstrations to help solve Doom environments
ghostFaceKillah/expert
[2019] (Neurips workshop paper) Blending behavioral cloning and RL
DPS0340/DQNDemo
Deep Q-Learning from Demonstrations implementation using Pytorch & OpenAI Gym
openai/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
hcnoh/gail-pytorch
A simple implementation of Generative Adversarial Imitation Learning with PyTorch
ikostrikov/pytorch-a2c-ppo-acktr-gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
jangirrishabh/Overcoming-exploration-from-demos
Implementation of the paper "Overcoming Exploration in Reinforcement Learning with Demonstrations" Nair et al. over the HER baselines from OpenAI
steventango/jumpstart-rl
Implementation of Jump-Start Reinforcement Learning (JSRL) with Stable Baselines3
fiberleif/POfD
Reimplementation of Policy Optimization with Demonstrations (POfD) from ICML 2018.
compsciencelab/ppo_D
This is the official repository for the paper "Guided Exploration with Proximal Policy Optimization using a Single Demonstration", https://arxiv.org/abs/2007.03328
Kaixhin/ACER
Actor-critic with experience replay
tensorflow/tensorboard
TensorFlow's Visualization Toolkit
marlbenchmark/on-policy
This is the official implementation of Multi-Agent PPO (MAPPO).
FrancescoSaverioZuppichini/ViT
Implementing Vi(sion)T(transformer)
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
benman1/time-series
Time-Series models for multivariate and multistep forecasting, regression, and classification
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
Kyubyong/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
albertbup/deep-belief-network
A Python implementation of Deep Belief Networks built upon NumPy and TensorFlow with scikit-learn compatibility