All Projects → Deep-rl-mxnet → Similar Projects or Alternatives

621 Open source projects that are alternatives of or similar to Deep-rl-mxnet

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 (+753.85%)
rl implementations
No description or website provided.
Stars: ✭ 40 (+53.85%)
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+10053.85%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, a2c, td3
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+15703.85%)
Mutual labels:  dqn, policy-gradient, ddpg, a2c, td3
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (+50%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, a2c, td3
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-46.15%)
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+7876.92%)
Mutual labels:  dqn, ddpg, a2c, td3
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+15330.77%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+11453.85%)
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+1415.38%)
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (+76.92%)
Mutual labels:  dqn, ddpg, a2c, td3
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+7788.46%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg, a2c
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (+334.62%)
Mutual labels:  dqn, policy-gradient, ddpg, td3
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (+292.31%)
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 (-42.31%)
Mutual labels:  deep-reinforcement-learning, dqn, a2c
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (+300%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (+515.38%)
Mutual labels:  deep-reinforcement-learning, dqn, a2c
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (+23.08%)
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+1600%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
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 (+565.38%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+1419.23%)
Mutual labels:  dqn, policy-gradient, ddpg
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 (+542.31%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+796.15%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+1534.62%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (+223.08%)
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (+107.69%)
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+5073.08%)
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 (+273.08%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+12703.85%)
Mutual labels:  deep-reinforcement-learning, dqn, a2c
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (+1103.85%)
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (+276.92%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (+411.54%)
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+1126.92%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-11.54%)
deeprl-continuous-control
Learning Continuous Control in Deep Reinforcement Learning
Stars: ✭ 14 (-46.15%)
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+2111.54%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (+257.69%)
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-42.31%)
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 (+1538.46%)
Mutual labels:  deep-reinforcement-learning, dqn, ddpg
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+10911.54%)
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+26623.08%)
Mutual labels:  dqn, policy-gradient, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+1300%)
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+3376.92%)
Parl Sample
Deep reinforcement learning using baidu PARL(maze,flappy bird and so on)
Stars: ✭ 37 (+42.31%)
Rl Course Experiments
Stars: ✭ 73 (+180.77%)
Deep-Reinforcement-Learning-CS285-Pytorch
Solutions of assignments of Deep Reinforcement Learning course presented by the University of California, Berkeley (CS285) in Pytorch framework
Stars: ✭ 104 (+300%)
Keras Rl2
Reinforcement learning with tensorflow 2 keras
Stars: ✭ 134 (+415.38%)
Mutual labels:  deep-reinforcement-learning, dqn
Deep Reinforcement Learning In Large Discrete Action Spaces
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Stars: ✭ 132 (+407.69%)
deep-rl-quadcopter
Implementation of Deep Deterministic Policy Gradients (DDPG) to teach a Quadcopter How to Fly!
Stars: ✭ 17 (-34.62%)
playing-mario-with-deep-reinforcement-learning
An implementation of (Double/Dueling) Deep-Q Learning to play Super Mario Bros.
Stars: ✭ 55 (+111.54%)
Mutual labels:  deep-reinforcement-learning, dqn
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (+73.08%)
Mutual labels:  deep-reinforcement-learning, dqn
Deep Rl Tensorflow
TensorFlow implementation of Deep Reinforcement Learning papers
Stars: ✭ 1,552 (+5869.23%)
Mutual labels:  deep-reinforcement-learning, dqn
Policy Gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
Stars: ✭ 135 (+419.23%)
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (+134.62%)
Drl
Repository for codes of 'Deep Reinforcement Learning'
Stars: ✭ 172 (+561.54%)
Mutual labels:  deep-reinforcement-learning, dqn
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
Stars: ✭ 189 (+626.92%)
Mutual labels:  deep-reinforcement-learning, dqn
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 (+10023.08%)
Mutual labels:  deep-reinforcement-learning, a2c
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (+776.92%)
Mutual labels:  deep-reinforcement-learning, dqn
Deep Q Learning
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Stars: ✭ 1,013 (+3796.15%)
Mutual labels:  deep-reinforcement-learning, dqn
Learning To Communicate Pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Stars: ✭ 236 (+807.69%)
Mutual labels:  deep-reinforcement-learning, dqn
1-60 of 621 similar projects