All Projects → Machin → Similar Projects or Alternatives

1001 Open source projects that are alternatives of or similar to Machin

Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+4691.72%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+1314.48%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Deeprl Tensorflow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Stars: ✭ 319 (+120%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1971.72%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c, ddpg
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (-43.45%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c
Torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Stars: ✭ 90 (-37.93%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+60.69%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+523.45%)
Mutual labels:  reinforcement-learning, dqn, ppo, a3c
Deep Rl Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Stars: ✭ 395 (+172.41%)
Mutual labels:  reinforcement-learning, dqn, a3c, ddpg
Autonomous Learning Library
A PyTorch library for building deep reinforcement learning agents.
Stars: ✭ 425 (+193.1%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (+296.55%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
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 (+53.1%)
Mutual labels:  dqn, a3c, ddpg, ppo
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+2666.9%)
Mutual labels:  reinforcement-learning, dqn, ppo, ddpg
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (+26.9%)
Mutual labels:  reinforcement-learning, dqn, a3c, ddpg
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 (+193.79%)
Mutual labels:  dqn, ppo, ddpg
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+1874.48%)
Mutual labels:  reinforcement-learning, dqn, a3c
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (+204.83%)
Mutual labels:  reinforcement-learning, dqn, ddpg
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-68.28%)
Mutual labels:  dqn, ddpg, ppo
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+171.72%)
Mutual labels:  reinforcement-learning, dqn, ddpg
Rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Stars: ✭ 272 (+87.59%)
Mutual labels:  reinforcement-learning, dqn, 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 (+15.17%)
Mutual labels:  dqn, ppo, ddpg
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Stars: ✭ 6,796 (+4586.9%)
Mutual labels:  reinforcement-learning, dqn, a3c
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+2733.79%)
Mutual labels:  dqn, ppo, ddpg
Tensorflow Rl
Implementations of deep RL papers and random experimentation
Stars: ✭ 176 (+21.38%)
Mutual labels:  reinforcement-learning, dqn, a3c
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+1720.69%)
Mutual labels:  dqn, ppo, ddpg
Pytorch Rl
Deep Reinforcement Learning with pytorch & visdom
Stars: ✭ 745 (+413.79%)
Mutual labels:  reinforcement-learning, dqn, a3c
reinforcement learning with Tensorflow
Minimal implementations of reinforcement learning algorithms by Tensorflow
Stars: ✭ 28 (-80.69%)
Mutual labels:  dqn, a3c, ddpg
Torch Ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Stars: ✭ 70 (-51.72%)
Mutual labels:  reinforcement-learning, ppo, a3c
pytorch-distributed
Ape-X DQN & DDPG with pytorch & tensorboard
Stars: ✭ 98 (-32.41%)
Mutual labels:  distributed, dqn, ddpg
Rainy
☔ Deep RL agents with PyTorch☔
Stars: ✭ 39 (-73.1%)
Mutual labels:  dqn, ddpg, ppo
Run Skeleton Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Stars: ✭ 83 (-42.76%)
Mutual labels:  reinforcement-learning, ppo, ddpg
TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Stars: ✭ 160 (+10.34%)
Mutual labels:  dqn, ddpg, ppo
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+1330.34%)
Mutual labels:  dqn, ddpg, ppo
Policy Gradient Methods
Implementation of Algorithms from the Policy Gradient Family. Currently includes: A2C, A3C, DDPG, TD3, SAC
Stars: ✭ 54 (-62.76%)
Mutual labels:  reinforcement-learning, a3c, ddpg
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+827.59%)
Mutual labels:  dqn, ppo, a3c
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-28.28%)
Mutual labels:  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 (+19.31%)
Mutual labels:  dqn, ppo, ddpg
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+2195.86%)
Mutual labels:  reinforcement-learning, dqn, ppo
Rl4j
Deep Reinforcement Learning for the JVM (Deep-Q, A3C)
Stars: ✭ 330 (+127.59%)
Mutual labels:  reinforcement-learning, dqn, a3c
Openaigym
Solving OpenAI Gym problems.
Stars: ✭ 98 (-32.41%)
Mutual labels:  reinforcement-learning, dqn, ddpg
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+151.03%)
Mutual labels:  reinforcement-learning, ppo, ddpg
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 (-89.66%)
Mutual labels:  dqn, a3c, ppo
Ai Blog
Accompanying repository for Let's make a DQN / A3C series.
Stars: ✭ 351 (+142.07%)
Mutual labels:  reinforcement-learning, dqn, a3c
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-17.93%)
Mutual labels:  reinforcement-learning, dqn, ppo
Aigames
use AI to play some games.
Stars: ✭ 422 (+191.03%)
Mutual labels:  reinforcement-learning, dqn
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 (+204.83%)
Mutual labels:  reinforcement-learning, a3c
Rl a3c pytorch
A3C LSTM Atari with Pytorch plus A3G design
Stars: ✭ 482 (+232.41%)
Mutual labels:  reinforcement-learning, a3c
Async deep reinforce
Asynchronous Methods for Deep Reinforcement Learning
Stars: ✭ 565 (+289.66%)
Mutual labels:  reinforcement-learning, a3c
Gym Anytrading
The most simple, flexible, and comprehensive OpenAI Gym trading environment (Approved by OpenAI Gym)
Stars: ✭ 627 (+332.41%)
Mutual labels:  reinforcement-learning, dqn
Super Mario Bros Ppo Pytorch
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Stars: ✭ 649 (+347.59%)
Mutual labels:  reinforcement-learning, 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 (+257.24%)
Mutual labels:  ppo, ddpg
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+341.38%)
Mutual labels:  reinforcement-learning, ppo
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 (+353.79%)
Mutual labels:  reinforcement-learning, ppo
Btgym
Scalable, event-driven, deep-learning-friendly backtesting library
Stars: ✭ 765 (+427.59%)
Mutual labels:  reinforcement-learning, a3c
Super Mario Bros A3c Pytorch
Asynchronous Advantage Actor-Critic (A3C) algorithm for Super Mario Bros
Stars: ✭ 775 (+434.48%)
Mutual labels:  reinforcement-learning, a3c
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+415.86%)
Mutual labels:  reinforcement-learning, ppo
Rl Collision Avoidance
Implementation of the paper "Towards Optimally Decentralized Multi-Robot Collision Avoidance via Deep Reinforcement Learning"
Stars: ✭ 125 (-13.79%)
Mutual labels:  reinforcement-learning, ppo
Bombora
My experimentations with Reinforcement Learning in Pytorch
Stars: ✭ 18 (-87.59%)
Mutual labels:  reinforcement-learning, a3c
Rainbow Is All You Need
Rainbow is all you need! A step-by-step tutorial from DQN to Rainbow
Stars: ✭ 938 (+546.9%)
Mutual labels:  reinforcement-learning, dqn
Chainerrl
ChainerRL is a deep reinforcement learning library built on top of Chainer.
Stars: ✭ 931 (+542.07%)
Mutual labels:  reinforcement-learning, dqn
1-60 of 1001 similar projects