All Projects → ReinforcementLearningZoo.jl → Similar Projects or Alternatives

273 Open source projects that are alternatives of or similar to ReinforcementLearningZoo.jl

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 (+382.61%)
Mutual labels:  dqn, ddpg, sac, c51, ppo, a2c, td3
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (+247.83%)
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-15.22%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+4408.7%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+8832.61%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c, td3
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+5639.13%)
Mutual labels:  rainbow, dqn, ddpg, ppo, a2c, td3
model-free-algorithms
TD3, SAC, IQN, Rainbow, PPO, Ape-X and etc. in TF1.x
Stars: ✭ 56 (+21.74%)
Mutual labels:  rainbow, ddpg, sac, ppo, td3
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+4358.7%)
Mutual labels:  dqn, ddpg, sac, ppo, a2c
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (+145.65%)
Mutual labels:  dqn, ddpg, sac, c51, td3
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (+247.83%)
Mutual labels:  dqn, ddpg, sac, ppo
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-43.48%)
Mutual labels:  dqn, ddpg, a2c, td3
Deep-Reinforcement-Learning-Notebooks
This Repository contains a series of google colab notebooks which I created to help people dive into deep reinforcement learning.This notebooks contain both theory and implementation of different algorithms.
Stars: ✭ 15 (-67.39%)
Mutual labels:  rainbow, dqn, ppo, a2c
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-69.57%)
Mutual labels:  ddpg, sac, ppo, td3
rl implementations
No description or website provided.
Stars: ✭ 40 (-13.04%)
Mutual labels:  dqn, ddpg, a2c
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+8621.74%)
Mutual labels:  dqn, ddpg, ppo
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+593.48%)
Mutual labels:  dqn, ddpg, ppo
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+823.91%)
Mutual labels:  dqn, ddpg, ppo
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+15004.35%)
Mutual labels:  dqn, ddpg, ppo
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+7136.96%)
Mutual labels:  dqn, ppo, a2c
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+1150%)
Mutual labels:  dqn, ddpg, ppo
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (+95.65%)
Mutual labels:  dqn, ddpg, ppo
Deep Reinforcement Learning Algorithms
31 projects in the framework of Deep Reinforcement Learning algorithms: Q-learning, DQN, PPO, DDPG, TD3, SAC, A2C and others. Each project is provided with a detailed training log.
Stars: ✭ 167 (+263.04%)
Mutual labels:  dqn, ddpg, ppo
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (+215.22%)
Mutual labels:  dqn, ddpg, ppo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+406.52%)
Mutual labels:  dqn, ddpg, ppo
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 (+276.09%)
Mutual labels:  dqn, ddpg, ppo
mujoco-benchmark
Provide full reinforcement learning benchmark on mujoco environments, including ddpg, sac, td3, pg, a2c, ppo, library
Stars: ✭ 101 (+119.57%)
Mutual labels:  ddpg, sac, ppo
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 (+826.09%)
Mutual labels:  dqn, ddpg, ppo
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+6430.43%)
Mutual labels:  dqn, ddpg, ppo
Deep Reinforcement Learning For Automated Stock Trading Ensemble Strategy Icaif 2020
Deep Reinforcement Learning for Automated Stock Trading: An Ensemble Strategy. ICAIF 2020. Please star.
Stars: ✭ 518 (+1026.09%)
Mutual labels:  ddpg, ppo
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (+80.43%)
Mutual labels:  ddpg, ppo
xingtian
xingtian is a componentized library for the development and verification of reinforcement learning algorithms
Stars: ✭ 229 (+397.83%)
Mutual labels:  dqn, ppo
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (+491.3%)
Mutual labels:  dqn, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+756.52%)
Mutual labels:  dqn, ddpg
dqn zoo
The implement of all kinds of dqn reinforcement learning with Pytorch
Stars: ✭ 42 (-8.7%)
Mutual labels:  dqn, iqn
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+758.7%)
Mutual labels:  dqn, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+691.3%)
Mutual labels:  ddpg, ppo
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+860.87%)
Mutual labels:  dqn, ddpg
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (+17.39%)
Mutual labels:  dqn, ppo
Deeprl algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Stars: ✭ 97 (+110.87%)
Mutual labels:  dqn, ppo
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (+78.26%)
Mutual labels:  dqn, ppo
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).
Stars: ✭ 2,632 (+5621.74%)
Mutual labels:  ppo, a2c
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+1865.22%)
Mutual labels:  dqn, ppo
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+2823.91%)
Mutual labels:  dqn, ppo
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (+113.04%)
Mutual labels:  dqn, ddpg
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (+158.7%)
Mutual labels:  dqn, ppo
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (+300%)
Mutual labels:  dqn, ddpg
SRLF
Simple Reinforcement Learning Framework
Stars: ✭ 24 (-47.83%)
Mutual labels:  rainbow, ddpg
omd
JAX code for the paper "Control-Oriented Model-Based Reinforcement Learning with Implicit Differentiation"
Stars: ✭ 43 (-6.52%)
Mutual labels:  dqn, sac
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (-39.13%)
Mutual labels:  dqn, ddpg
jax-rl
JAX implementations of core Deep RL algorithms
Stars: ✭ 61 (+32.61%)
Mutual labels:  sac, td3
Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020
Live Trading. Please star.
Stars: ✭ 1,251 (+2619.57%)
Mutual labels:  ddpg, ppo
pomdp-baselines
Simple (but often Strong) Baselines for POMDPs in PyTorch - ICML 2022
Stars: ✭ 162 (+252.17%)
Mutual labels:  sac, td3
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (+189.13%)
Mutual labels:  dqn, ddpg
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-67.39%)
Mutual labels:  dqn, ddpg
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+6926.09%)
Mutual labels:  ppo, a2c
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (+126.09%)
Mutual labels:  dqn, ddpg
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (+113.04%)
Mutual labels:  dqn, ddpg
trading gym
a unified environment for supervised learning and reinforcement learning in the context of quantitative trading
Stars: ✭ 36 (-21.74%)
Mutual labels:  ddpg, ppo
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (+102.17%)
Mutual labels:  ppo, a2c
BeautifulMakie
https://lazarusa.github.io/BeautifulMakie/
Stars: ✭ 281 (+510.87%)
Mutual labels:  julia-language
1-60 of 273 similar projects