policy-gradient
There are 420 repositories under policy-gradient topic.
datawhalechina/easy-rl
强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/
MorvanZhou/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
thu-ml/tianshou
An elegant PyTorch deep reinforcement learning library.
sweetice/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
rlcode/reinforcement-learning
Minimal and Clean Reinforcement Learning Examples
nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
kengz/SLM-Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Khrylx/PyTorch-RL
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Kismuz/btgym
Scalable, event-driven, deep-learning-friendly backtesting library
sudharsan13296/Hands-On-Reinforcement-Learning-With-Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
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..
benedekrozemberczki/awesome-monte-carlo-tree-search-papers
A curated list of Monte Carlo tree search papers with implementations.
suragnair/seqGAN
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
germain-hug/Deep-RL-Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
theamrzaki/text_summurization_abstractive_methods
Multiple implementations for abstractive text summurization , using google colab
medipixel/rl_algorithms
Structural implementation of RL key algorithms
yukezhu/tensorflow-reinforce
Implementations of Reinforcement Learning Models in Tensorflow
VinF/deer
DEEp Reinforcement learning framework
navneet-nmk/pytorch-rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
rlcode/reinforcement-learning-kr
[파이썬과 케라스로 배우는 강화학습] 예제
zuoxingdong/lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
pythonlessons/Reinforcement_Learning
Reinforcement learning tutorials
pat-coady/trpo
Trust Region Policy Optimization with TensorFlow and OpenAI Gym
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
kengz/openai_lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
RITCHIEHuang/DeepRL_Algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Allenpandas/Reinforcement-Learning-Papers
📚 List of Top-tier Conference Papers on Reinforcement Learning (RL),including: NeurIPS, ICML, AAAI, IJCAI, AAMAS, ICLR, ICRA, etc.
salesforce/MultiHopKG
Multi-hop knowledge graph reasoning learned via policy gradient with reward shaping and action dropout
DeNA/HandyRL
HandyRL is a handy and simple framework based on Python and PyTorch for distributed reinforcement learning that is applicable to your own environments.
bentrevett/pytorch-rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
LiamConnell/deep-algotrading
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading
MG2033/A2C
A Clearer and Simpler Synchronous Advantage Actor Critic (A2C) Implementation in TensorFlow
Rintarooo/VRP_DRL_MHA
"Attention, Learn to Solve Routing Problems!"[Kool+, 2019], Capacitated Vehicle Routing Problem solver
keon/policy-gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
MarcoMeter/episodic-transformer-memory-ppo
Clean baseline implementation of PPO using an episodic TransformerXL memory