actor-critic
There are 347 repositories under actor-critic topic.
MorvanZhou/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
vwxyzjn/cleanrl
High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features (PPO, DQN, C51, DDPG, TD3, SAC, PPG)
sweetice/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
simoninithomas/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and 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).
rlcode/reinforcement-learning
Minimal and Clean Reinforcement Learning Examples
ikostrikov/pytorch-a3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
chainer/chainerrl
ChainerRL is a deep reinforcement learning library built on top of Chainer.
qfettes/DeepRL-Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
jingweiz/pytorch-rl
Deep Reinforcement Learning with pytorch & visdom
yaserkl/RLSeq2Seq
Deep Reinforcement Learning For Sequence to Sequence Models
omerbsezer/Reinforcement_learning_tutorial_with_demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
TianhongDai/reinforcement-learning-algorithms
This repository contains most of pytorch implementation based classic deep reinforcement learning algorithms, including - DQN, DDQN, Dueling Network, DDPG, SAC, A2C, PPO, TRPO. (More algorithms are still in progress)
MorvanZhou/pytorch-A3C
Simple A3C implementation with pytorch + multiprocessing
mpatacchiola/dissecting-reinforcement-learning
Python code, PDFs and resources for the series of posts on Reinforcement Learning which I published on my personal blog
dgriff777/rl_a3c_pytorch
A3C LSTM Atari with Pytorch plus A3G design
inoryy/reaver
Reaver: Modular Deep Reinforcement Learning Framework. Focused on StarCraft II. Supports Gym, Atari, and MuJoCo.
ChenglongChen/pytorch-DRL
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
denisyarats/pytorch_sac
PyTorch implementation of Soft Actor-Critic (SAC)
Omegastick/pytorch-cpp-rl
PyTorch C++ Reinforcement Learning
yukezhu/tensorflow-reinforce
Implementations of Reinforcement Learning Models in Tensorflow
denisyarats/drq
DrQ: Data regularized Q
Skylark0924/Machine-Learning-is-ALL-You-Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
sudharsan13296/Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
PacktPublishing/Hands-On-Intelligent-Agents-with-OpenAI-Gym
Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch
rlcode/reinforcement-learning-kr
[파이썬과 케라스로 배우는 강화학습] 예제
kengz/openai_lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
nikhilbarhate99/Hierarchical-Actor-Critic-HAC-PyTorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
bentrevett/pytorch-rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
denisyarats/pytorch_sac_ae
PyTorch implementation of Soft Actor-Critic + Autoencoder(SAC+AE)
heronsystems/adeptRL
Reinforcement learning framework to accelerate research
lcswillems/torch-ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
MG2033/A2C
A Clearer and Simpler Synchronous Advantage Actor Critic (A2C) Implementation in TensorFlow
Nasdin/ReinforcementLearning-AtariGame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
greydanus/baby-a3c
A high-performance Atari A3C agent in 180 lines of PyTorch
Rintarooo/TSP_DRL_PtrNet
"Neural Combinatorial Optimization with Reinforcement Learning"[Bello+, 2016], Traveling Salesman Problem solver