All Projects → RITCHIEHuang → Deeprl_algorithms

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)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deeprl algorithms

Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+1286.6%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, policy-gradient, trpo
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+4136.08%)
Mutual labels:  dqn, ppo, policy-gradient, mujoco, trpo
Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Stars: ✭ 222 (+128.87%)
Mutual labels:  deep-reinforcement-learning, dqn, policy-gradient, trpo, ppo
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-7.22%)
Mutual labels:  dqn, ppo, mujoco, trpo
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+559.79%)
Mutual labels:  deep-reinforcement-learning, ppo, policy-gradient, trpo
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+228.87%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, trpo
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+275.26%)
Mutual labels:  deep-reinforcement-learning, ppo, policy-gradient, mujoco
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+831.96%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, policy-gradient
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!
Stars: ✭ 173 (+78.35%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, trpo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+306.19%)
Mutual labels:  deep-reinforcement-learning, dqn, policy-gradient, mujoco
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)
Stars: ✭ 426 (+339.18%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, trpo
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.
Stars: ✭ 658 (+578.35%)
Mutual labels:  deep-reinforcement-learning, ppo, policy-gradient, trpo
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+2996.91%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo, policy-gradient
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+355.67%)
Mutual labels:  deep-reinforcement-learning, dqn, mujoco, trpo
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-44.33%)
Mutual labels:  deep-reinforcement-learning, dqn, policy-gradient, ppo
Pytorch Rl
Deep Reinforcement Learning with pytorch & visdom
Stars: ✭ 745 (+668.04%)
Mutual labels:  deep-reinforcement-learning, dqn, trpo
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+3331.96%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+492.78%)
Mutual labels:  deep-reinforcement-learning, dqn, ppo
Pytorch Trpo
PyTorch implementation of Trust Region Policy Optimization
Stars: ✭ 303 (+212.37%)
Mutual labels:  deep-reinforcement-learning, mujoco, trpo
Ppo Pytorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Stars: ✭ 325 (+235.05%)
Mutual labels:  deep-reinforcement-learning, ppo, policy-gradient

About Deep Reinforcement Learning

The combination of Reinforcement Learning and Deep Learning produces a series of important algorithms. This project will focus on referring to relevant papers and implementing relevant algorithms as far as possible.

This repo aims to implement Deep Reinforcement Learning algorithms using Pytorch and Tensorflow 2.

1.Why do this?

  • Implementing all of this algorithms from scratch really helps you with your parameter tuning;
  • The coding process allows you to better understand the principles of the algorithm.

2.Lists of Algorithms

2.1 Value based

Value based algorithms include DQNs.

[1]. DQN Pytorch / Tensorflow, Paper: Playing Atari with Deep Reinforcement Learning
[2]. Double DQN Pytorch / Tensorflow, Paper: Deep Reinforcement Learning with Double Q-learning
[3]. Dueling DQN Pytorch / Tensorflow, Paper: Dueling Network Architectures for Deep Reinforcement Learning

2.2 Policy based

Policy based algorithms is currently perform better, including Policy Gradient Methods.

[1]. REINFORCE Pytorch / Tensorflow, Paper: Policy Gradient Methods for Reinforcement Learning with Function Approximation
[2]. VPG(Vanilla Policy Gradient) Pytorch / Tensorflow, Paper: High Dimensional Continuous Control Using Generalized Advantage Estimation
[3]. A2C Pytorch, Paper: Asynchronous Methods for Deep Reinforcement Learning Synchronous version of A3C
[4]. DDPG Pytorch, Paper: Continuous Control With Deep Reinforcement Learning
[5]. TRPO Pytorch, Paper: Trust Region Policy Optimization
[6]. PPO Pytorch / Tensorflow, Paper: Proximal Policy Optimization Algorithms
[7]. SAC Pytorch, Paper: Soft Actor-Critic: Off-Policy Maximum Entropy Deep Reinforcement Learning with a Stochastic Actor
[8]. SAC with Automatically Adjusted Temperature Pytorch, Paper: Soft Actor-Critic Algorithms and Applications
[9]. TD3(Twin Delayed DDPG) Pytorch, Paper: Addressing Function Approximation Error in Actor-Critic Methods

2.3 Imitation Learning

Imitation learning learn from expert data.

[1]. GAIL Pytorch, Paper: Generative Adversarial Imitation Learning

3.Project Dependencies

  • Python >=3.6
  • Tensorflow >= 2.4.0
  • Pytorch >= 1.5.0
  • Seaborn >= 0.10.0
  • Click >= 7.0

Full dependencies are listed in the requirements.txt file, install with pip:

pip install -r requirements.txt

You can install the project by typing the following command:

python install -e .

4.Run

Each algorithm is implemented in a single folder including 4 files:

1. main.py # A minimal executable example for algorithm  

2. [algorithm].py # Main body for algorithm implementation  

3. [algorithm]_step.py # Algorithm update core step 

4. test.py # Loading pretrained model and test performance of the algorithm

The default main.py is a an executable example, the parameters are parsed by click.

You can run algorithm from the main.py or bash scripts.

  • You can simply type python main.py --help in the algorithm package to view all configurable parameters.
  • The directory Scripts gives some bash scripts, you can modify them at will.

5.Visualization of performance

Utils/plot_util.py provide a simple plot tool based on Seaborn and Matplotlib. All the plots in this project are drawn by this plot util.

5.1 Benchmarks for DQNs

Pytorch Version

bench_dqn

Tensorflow2 Version

bench_dqn_tf2

5.2 Benchmarks for PolicyGradients

Pytorch Version

bench_pg

Tensorflow2 Version

Currently only VPG and PPO Available:

bench_pg_tf2

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].