All Projects → Hindsight Experience Replay → Similar Projects or Alternatives

571 Open source projects that are alternatives of or similar to Hindsight Experience Replay

Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+217.16%)
Mutual labels:  reinforcement-learning, ddpg
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+2141.79%)
Mutual labels:  reinforcement-learning, ddpg
Train Robot Arm From Scratch
Build environment and train a robot arm from scratch (Reinforcement Learning)
Stars: ✭ 242 (+80.6%)
Mutual labels:  reinforcement-learning, ddpg
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+5085.07%)
Mutual labels:  reinforcement-learning, ddpg
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+2894.03%)
Mutual labels:  reinforcement-learning, ddpg
Reinforcement Learning Wechat Jump
Reinforcement Learning for WeChat Jump
Stars: ✭ 85 (-36.57%)
Mutual labels:  reinforcement-learning, ddpg
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+194.78%)
Mutual labels:  reinforcement-learning, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+171.64%)
Mutual labels:  reinforcement-learning, ddpg
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (+37.31%)
Mutual labels:  reinforcement-learning, ddpg
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+138.06%)
Mutual labels:  reinforcement-learning, ddpg
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+329.1%)
Mutual labels:  reinforcement-learning, ddpg
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (-26.87%)
Mutual labels:  reinforcement-learning, ddpg
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+73.88%)
Mutual labels:  reinforcement-learning, ddpg
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+229.85%)
Mutual labels:  reinforcement-learning, ddpg
Openai lab
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Stars: ✭ 313 (+133.58%)
Mutual labels:  reinforcement-learning, ddpg
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-22.39%)
Mutual labels:  reinforcement-learning, ddpg
Policy Gradient Methods
Implementation of Algorithms from the Policy Gradient Family. Currently includes: A2C, A3C, DDPG, TD3, SAC
Stars: ✭ 54 (-59.7%)
Mutual labels:  reinforcement-learning, ddpg
Pytorch Ddpg Naf
Implementation of algorithms for continuous control (DDPG and NAF).
Stars: ✭ 254 (+89.55%)
Mutual labels:  reinforcement-learning, ddpg
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+1430.6%)
Mutual labels:  reinforcement-learning, ddpg
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (+8.21%)
Mutual labels:  reinforcement-learning, ddpg
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+194.03%)
Mutual labels:  reinforcement-learning, ddpg
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-38.06%)
Mutual labels:  reinforcement-learning, ddpg
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-32.84%)
Mutual labels:  reinforcement-learning, ddpg
Stable Baselines
Mirror of Stable-Baselines: a fork of OpenAI Baselines, implementations of reinforcement learning algorithms
Stars: ✭ 115 (-14.18%)
Mutual labels:  reinforcement-learning
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (-7.46%)
Mutual labels:  reinforcement-learning
Deep Neuroevolution
Deep Neuroevolution
Stars: ✭ 1,526 (+1038.81%)
Mutual labels:  reinforcement-learning
Hierarchical Actor Critic Hac Pytorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Stars: ✭ 116 (-13.43%)
Mutual labels:  reinforcement-learning
Rl Quadcopter
Teach a Quadcopter How to Fly!
Stars: ✭ 124 (-7.46%)
Mutual labels:  reinforcement-learning
Coursera reinforcement learning
Coursera Reinforcement Learning Specialization by University of Alberta & Alberta Machine Intelligence Institute
Stars: ✭ 114 (-14.93%)
Mutual labels:  reinforcement-learning
Aixijs
AIXIjs - General Reinforcement Learning in the Browser
Stars: ✭ 128 (-4.48%)
Mutual labels:  reinforcement-learning
Rl Medical
Deep Reinforcement Learning (DRL) agents applied to medical images
Stars: ✭ 123 (-8.21%)
Mutual labels:  reinforcement-learning
Doom Net Pytorch
Reinforcement learning models in ViZDoom environment
Stars: ✭ 113 (-15.67%)
Mutual labels:  reinforcement-learning
Startcraft pysc2 minigames
Startcraft II Machine Learning research with DeepMind pysc2 python library .mini-games and agents.
Stars: ✭ 113 (-15.67%)
Mutual labels:  reinforcement-learning
Studybook
Study E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
Stars: ✭ 1,457 (+987.31%)
Mutual labels:  reinforcement-learning
Deep Reinforcement Learning In Large Discrete Action Spaces
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Stars: ✭ 132 (-1.49%)
Mutual labels:  ddpg
Toycarirl
Implementation of Inverse Reinforcement Learning Algorithm on a toy car in a 2D world problem, (Apprenticeship Learning via Inverse Reinforcement Learning Abbeel & Ng, 2004)
Stars: ✭ 128 (-4.48%)
Mutual labels:  reinforcement-learning
Snake Ai Reinforcement
AI for Snake game trained from pixels using Deep Reinforcement Learning (DQN).
Stars: ✭ 123 (-8.21%)
Mutual labels:  reinforcement-learning
Ctc Executioner
Master Thesis: Limit order placement with Reinforcement Learning
Stars: ✭ 112 (-16.42%)
Mutual labels:  reinforcement-learning
Handful Of Trials Pytorch
Unofficial Pytorch code for "Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models"
Stars: ✭ 112 (-16.42%)
Mutual labels:  reinforcement-learning
Multiagenttorcs
The multi-agent version of TORCS for developing control algorithms for fully autonomous driving in the cluttered, multi-agent settings of everyday life.
Stars: ✭ 122 (-8.96%)
Mutual labels:  reinforcement-learning
Navbot
Using RGB Image as Visual Input for Mapless Robot Navigation
Stars: ✭ 111 (-17.16%)
Mutual labels:  reinforcement-learning
Pairstrade Fyp 2019
We tested 3 approaches for Pair Trading: distance, cointegration and reinforcement learning approach.
Stars: ✭ 109 (-18.66%)
Mutual labels:  reinforcement-learning
Dm env
A Python interface for reinforcement learning environments
Stars: ✭ 127 (-5.22%)
Mutual labels:  reinforcement-learning
Advanced Deep Learning And Reinforcement Learning Deepmind
🎮 Advanced Deep Learning and Reinforcement Learning at UCL & DeepMind | YouTube videos 👉
Stars: ✭ 121 (-9.7%)
Mutual labels:  reinforcement-learning
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+8183.58%)
Mutual labels:  reinforcement-learning
Mojitalk
Code for "MojiTalk: Generating Emotional Responses at Scale" https://arxiv.org/abs/1711.04090
Stars: ✭ 107 (-20.15%)
Mutual labels:  reinforcement-learning
Pytorch Rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Stars: ✭ 121 (-9.7%)
Mutual labels:  reinforcement-learning
Cartpole
OpenAI's cartpole env solver.
Stars: ✭ 107 (-20.15%)
Mutual labels:  reinforcement-learning
Saltie
🚗 Rocket League Distributed Deep Reinforcement Learning Bot
Stars: ✭ 134 (+0%)
Mutual labels:  reinforcement-learning
Move37
Coding Demos from the School of AI's Move37 Course
Stars: ✭ 130 (-2.99%)
Mutual labels:  reinforcement-learning
Banditml
A lightweight contextual bandit & reinforcement learning library designed to be used in production Python services.
Stars: ✭ 127 (-5.22%)
Mutual labels:  reinforcement-learning
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-11.19%)
Mutual labels:  reinforcement-learning
Lang Emerge Parlai
Implementation of EMNLP 2017 Paper "Natural Language Does Not Emerge 'Naturally' in Multi-Agent Dialog" using PyTorch and ParlAI
Stars: ✭ 106 (-20.9%)
Mutual labels:  reinforcement-learning
Aws Robomaker Sample Application Deepracer
Use AWS RoboMaker and demonstrate running a simulation which trains a reinforcement learning (RL) model to drive a car around a track
Stars: ✭ 105 (-21.64%)
Mutual labels:  reinforcement-learning
Firedup
Clone of OpenAI's Spinning Up in PyTorch
Stars: ✭ 119 (-11.19%)
Mutual labels:  reinforcement-learning
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+942.54%)
Mutual labels:  reinforcement-learning
Rl Collision Avoidance
Implementation of the paper "Towards Optimally Decentralized Multi-Robot Collision Avoidance via Deep Reinforcement Learning"
Stars: ✭ 125 (-6.72%)
Mutual labels:  reinforcement-learning
Deep reinforcement learning
Resources, papers, tutorials
Stars: ✭ 119 (-11.19%)
Mutual labels:  reinforcement-learning
Reinforcement Learning Cheat Sheet
Reinforcement Learning Cheat Sheet
Stars: ✭ 104 (-22.39%)
Mutual labels:  reinforcement-learning
Direct Future Prediction Keras
Direct Future Prediction (DFP ) in Keras
Stars: ✭ 103 (-23.13%)
Mutual labels:  reinforcement-learning
1-60 of 571 similar projects