All Projects → Run Skeleton Run → Similar Projects or Alternatives

626 Open source projects that are alternatives of or similar to Run Skeleton Run

ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-44.58%)
Mutual labels:  ddpg, ppo
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (-26.51%)
Mutual labels:  actor-critic, ppo
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-53.01%)
Mutual labels:  ddpg, ppo
rl implementations
No description or website provided.
Stars: ✭ 40 (-51.81%)
Mutual labels:  ddpg, actor-critic
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (+222.89%)
Mutual labels:  reinforcement-learning, ppo
Pytorch A3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Stars: ✭ 879 (+959.04%)
Drq
DrQ: Data regularized Q
Stars: ✭ 268 (+222.89%)
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (+227.71%)
Mutual labels:  reinforcement-learning, ppo
Pytorch Trpo
PyTorch implementation of Trust Region Policy Optimization
Stars: ✭ 303 (+265.06%)
Mutual labels:  reinforcement-learning, trpo
SRLF
Simple Reinforcement Learning Framework
Stars: ✭ 24 (-71.08%)
Mutual labels:  ddpg, trpo
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+3910.84%)
Mutual labels:  reinforcement-learning, ppo
Rl algos
Reinforcement Learning Algorithms
Stars: ✭ 14 (-83.13%)
Policy Gradient Methods
Implementation of Algorithms from the Policy Gradient Family. Currently includes: A2C, A3C, DDPG, TD3, SAC
Stars: ✭ 54 (-34.94%)
Mutual labels:  reinforcement-learning, ddpg
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-1.2%)
Mutual labels:  reinforcement-learning, ppo
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+375.9%)
Mutual labels:  reinforcement-learning, ddpg
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (+18.07%)
Mutual labels:  reinforcement-learning, ddpg
Sc2aibot
Implementing reinforcement-learning algorithms for pysc2 -environment
Stars: ✭ 83 (+0%)
Mutual labels:  reinforcement-learning, ppo
Hierarchical Actor Critic Hac Pytorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Stars: ✭ 116 (+39.76%)
Doom Net Pytorch
Reinforcement learning models in ViZDoom environment
Stars: ✭ 113 (+36.14%)
Mutual labels:  reinforcement-learning, ppo
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 (+432.53%)
Tensorflow Reinforce
Implementations of Reinforcement Learning Models in Tensorflow
Stars: ✭ 480 (+478.31%)
Rl a3c pytorch
A3C LSTM Atari with Pytorch plus A3G design
Stars: ✭ 482 (+480.72%)
Reaver
Reaver: Modular Deep Reinforcement Learning Framework. Focused on StarCraft II. Supports Gym, Atari, and MuJoCo.
Stars: ✭ 499 (+501.2%)
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 (+524.1%)
Mutual labels:  ppo, ddpg
Hindsight Experience Replay
This is the pytorch implementation of Hindsight Experience Replay (HER) - Experiment on all fetch robotic environments.
Stars: ✭ 134 (+61.45%)
Mutual labels:  reinforcement-learning, ddpg
Gail Tf
Tensorflow implementation of generative adversarial imitation learning
Stars: ✭ 179 (+115.66%)
Mutual labels:  reinforcement-learning, trpo
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+3349.4%)
Super Mario Bros Ppo Pytorch
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Stars: ✭ 649 (+681.93%)
Mutual labels:  reinforcement-learning, ppo
Rlseq2seq
Deep Reinforcement Learning For Sequence to Sequence Models
Stars: ✭ 683 (+722.89%)
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+989.16%)
Mutual labels:  reinforcement-learning, ppo
Chainerrl
ChainerRL is a deep reinforcement learning library built on top of Chainer.
Stars: ✭ 931 (+1021.69%)
Mujocounity
Reproducing MuJoCo benchmarks in a modern, commercial game /physics engine (Unity + PhysX).
Stars: ✭ 47 (-43.37%)
Mutual labels:  reinforcement-learning
Outlace.github.io
Machine learning and data science blog.
Stars: ✭ 65 (-21.69%)
Mutual labels:  reinforcement-learning
Reinforcement learning
Predict/log/learn/update reinforcement learning loop
Stars: ✭ 47 (-43.37%)
Mutual labels:  reinforcement-learning
Deep traffic
MIT DeepTraffic top 2% solution (75.01 mph) 🚗.
Stars: ✭ 47 (-43.37%)
Mutual labels:  reinforcement-learning
Rl Course Experiments
Stars: ✭ 73 (-12.05%)
Mutual labels:  reinforcement-learning
Drl papernotes
Notes and comments about Deep Reinforcement Learning papers
Stars: ✭ 65 (-21.69%)
Mutual labels:  reinforcement-learning
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-45.78%)
Mutual labels:  reinforcement-learning
Biped trajectory optimization
Implementing trajectory optimization on bipedal system
Stars: ✭ 45 (-45.78%)
Mutual labels:  reinforcement-learning
On Policy
This is the official implementation of Multi-Agent PPO.
Stars: ✭ 63 (-24.1%)
Mutual labels:  ppo
Async Deeprl
Playing Atari games with TensorFlow implementation of Asynchronous Deep Q-Learning
Stars: ✭ 44 (-46.99%)
Mutual labels:  reinforcement-learning
Deterministic Gail Pytorch
PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning
Stars: ✭ 44 (-46.99%)
Mutual labels:  reinforcement-learning
Rlenv.directory
Explore and find reinforcement learning environments in a list of 150+ open source environments.
Stars: ✭ 79 (-4.82%)
Mutual labels:  reinforcement-learning
Recurrent Environment Simulators
Deepmind Recurrent Environment Simulators paper implementation in tensorflow
Stars: ✭ 73 (-12.05%)
Mutual labels:  reinforcement-learning
Mean Teacher
A state-of-the-art semi-supervised method for image recognition
Stars: ✭ 1,130 (+1261.45%)
Mutual labels:  nips-2017
Orbit
Open source collection of Reinforcement Learning Environments.
Stars: ✭ 44 (-46.99%)
Mutual labels:  reinforcement-learning
Gym Gridworlds
Gridworld environments for OpenAI gym.
Stars: ✭ 43 (-48.19%)
Mutual labels:  reinforcement-learning
Drivebot
tensorflow deep RL for driving a rover around
Stars: ✭ 62 (-25.3%)
Mutual labels:  reinforcement-learning
Tf2.0 reinforcement learning
Basic reinforcement learning implementation with tensorflow version 2.0
Stars: ✭ 43 (-48.19%)
Mutual labels:  reinforcement-learning
Bullet3
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
Stars: ✭ 8,714 (+10398.8%)
Mutual labels:  reinforcement-learning
Rl Workshop
Reinforcement Learning Workshop for Data Science BKK
Stars: ✭ 73 (-12.05%)
Mutual labels:  reinforcement-learning
Max
Code for reproducing experiments in Model-Based Active Exploration, ICML 2019
Stars: ✭ 61 (-26.51%)
Mutual labels:  reinforcement-learning
Deep Q Learning
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Stars: ✭ 1,013 (+1120.48%)
Mutual labels:  reinforcement-learning
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-49.4%)
Mutual labels:  reinforcement-learning
Galvanise zero
Learning from zero (mostly based off of AlphaZero) in General Game Playing.
Stars: ✭ 60 (-27.71%)
Mutual labels:  reinforcement-learning
Awesome Mlss
List of summer schools in machine learning + related fields across the globe
Stars: ✭ 1,001 (+1106.02%)
Mutual labels:  reinforcement-learning
Lf2gym
An OpenAI-gym-like environment for Little Fighter 2
Stars: ✭ 79 (-4.82%)
Mutual labels:  reinforcement-learning
Treeqn
Stars: ✭ 77 (-7.23%)
Mutual labels:  reinforcement-learning
Group Sparsity Sbp
Structured Bayesian Pruning, NIPS 2017
Stars: ✭ 72 (-13.25%)
Mutual labels:  nips-2017
Qualia2.0
Qualia is a deep learning framework deeply integrated with automatic differentiation and dynamic graphing with CUDA acceleration. Qualia was built from scratch.
Stars: ✭ 41 (-50.6%)
Mutual labels:  reinforcement-learning
61-120 of 626 similar projects