All Projects → imitation_learning → Similar Projects or Alternatives

424 Open source projects that are alternatives of or similar to imitation_learning

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 (+2730.11%)
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (+72.04%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c, gail
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+3130.11%)
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+4318.28%)
Mutual labels:  policy-gradient, imitation-learning, ppo, a2c
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 (+138.71%)
reinforcement learning ppo rnd
Deep Reinforcement Learning by using Proximal Policy Optimization and Random Network Distillation in Tensorflow 2 and Pytorch with some explanation
Stars: ✭ 33 (-64.52%)
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 (-83.87%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+3479.57%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+588.17%)
Ppo Pytorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Stars: ✭ 325 (+249.46%)
rl implementations
No description or website provided.
Stars: ✭ 40 (-56.99%)
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-58.06%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+1346.24%)
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+3375.27%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+2738.71%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
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..
Stars: ✭ 442 (+375.27%)
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 (+4.3%)
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+2105.38%)
Mutual labels:  deep-reinforcement-learning, ppo, a2c
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+291.4%)
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+872.04%)
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+7370.97%)
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 (+607.53%)
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-84.95%)
Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Stars: ✭ 54 (-41.94%)
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-72.04%)
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (-65.59%)
Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020
Live Trading. Please star.
Stars: ✭ 1,251 (+1245.16%)
Mutual labels:  deep-reinforcement-learning, ppo
pysc2-rl-agents
StarCraft II / PySC2 Deep Reinforcement Learning Agents (A2C)
Stars: ✭ 124 (+33.33%)
Mutual labels:  deep-reinforcement-learning, a2c
Master-Thesis
Deep Reinforcement Learning in Autonomous Driving: the A3C algorithm used to make a car learn to drive in TORCS; Python 3.5, Tensorflow, tensorboard, numpy, gym-torcs, ubuntu, latex
Stars: ✭ 33 (-64.52%)
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (+188.17%)
Mutual labels:  deep-reinforcement-learning, ppo
pytorchrl
Deep Reinforcement Learning algorithms implemented in PyTorch
Stars: ✭ 47 (-49.46%)
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (+236.56%)
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (+192.47%)
Mutual labels:  deep-reinforcement-learning, ppo
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+243.01%)
Mutual labels:  deep-reinforcement-learning, ppo
Tf2rl
TensorFlow2 Reinforcement Learning
Stars: ✭ 353 (+279.57%)
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 (+358.06%)
Mutual labels:  deep-reinforcement-learning, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+323.66%)
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+356.99%)
Mutual labels:  deep-reinforcement-learning, ppo
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+4213.98%)
Mutual labels:  deep-reinforcement-learning, ppo
Deer
DEEp Reinforcement learning framework
Stars: ✭ 455 (+389.25%)
Tensorflow Reinforce
Implementations of Reinforcement Learning Models in Tensorflow
Stars: ✭ 480 (+416.13%)
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 (+456.99%)
Mutual labels:  deep-reinforcement-learning, ppo
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+518.28%)
Mutual labels:  deep-reinforcement-learning, ppo
rpg
Ranking Policy Gradient
Stars: ✭ 22 (-76.34%)
Parl Sample
Deep reinforcement learning using baidu PARL(maze,flappy bird and so on)
Stars: ✭ 37 (-60.22%)
Deterministic Gail Pytorch
PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning
Stars: ✭ 44 (-52.69%)
Btgym
Scalable, event-driven, deep-learning-friendly backtesting library
Stars: ✭ 765 (+722.58%)
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (-24.73%)
Mutual labels:  deep-reinforcement-learning, ppo
Rl Course Experiments
Stars: ✭ 73 (-21.51%)
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (+9.68%)
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+704.3%)
Mutual labels:  deep-reinforcement-learning, ppo
Imitation Learning
Imitation learning algorithms
Stars: ✭ 85 (-8.6%)
Policy Gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
Stars: ✭ 135 (+45.16%)
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 (+86.02%)
Mutual labels:  deep-reinforcement-learning, 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 (+79.57%)
Mutual labels:  deep-reinforcement-learning, ppo
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+150.54%)
Mutual labels:  deep-reinforcement-learning, ppo
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+2978.49%)
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 (+11.83%)
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (-9.68%)
Carla
Open-source simulator for autonomous driving research.
Stars: ✭ 7,012 (+7439.78%)
1-60 of 424 similar projects