All Projects → Spinning Up Basic → Similar Projects or Alternatives

322 Open source projects that are alternatives of or similar to Spinning Up Basic

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 (+174.84%)
Malmo Challenge
Malmo Collaborative AI Challenge - Team Pig Catcher
Stars: ✭ 64 (-58.71%)
Ml From Scratch
Python implementations of some of the fundamental Machine Learning models and algorithms from scratch.
Stars: ✭ 20,624 (+13205.81%)
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 (-32.26%)
Starcraft
Implementations of IQL, QMIX, VDN, COMA, QTRAN, MAVEN, CommNet, DyMA-CL, and G2ANet on SMAC, the decentralised micromanagement scenario of StarCraft II
Stars: ✭ 372 (+140%)
Drl paper summary
Summary of key papers in deep reinforcement learning. Heavily based on OpenAI SpinningUp.
Stars: ✭ 49 (-68.39%)
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+134.84%)
Deep Reinforcement Learning In Large Discrete Action Spaces
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Stars: ✭ 132 (-14.84%)
Curl
CURL: Contrastive Unsupervised Representation Learning for Sample-Efficient Reinforcement Learning
Stars: ✭ 346 (+123.23%)
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-70.97%)
Rlzoo
A Comprehensive Reinforcement Learning Zoo for Simple Usage 🚀
Stars: ✭ 342 (+120.65%)
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-32.9%)
Ppo Pytorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Stars: ✭ 325 (+109.68%)
Deterministic Gail Pytorch
PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning
Stars: ✭ 44 (-71.61%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+2047.74%)
D3rlpy
An offline deep reinforcement learning library
Stars: ✭ 139 (-10.32%)
Cadrl ros
ROS package for dynamic obstacle avoidance for ground robots trained with deep RL
Stars: ✭ 309 (+99.35%)
Deepbootcamp
Solved lab problems, slides and notes of the Deep Reinforcement Learning bootcamp 2017 held at UCBerkeley
Stars: ✭ 39 (-74.84%)
Neural Symbolic Machines
Neural Symbolic Machines is a framework to integrate neural networks and symbolic representations using reinforcement learning, with applications in program synthesis and semantic parsing.
Stars: ✭ 305 (+96.77%)
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (-34.19%)
Pytorch Trpo
PyTorch implementation of Trust Region Policy Optimization
Stars: ✭ 303 (+95.48%)
Parl Sample
Deep reinforcement learning using baidu PARL(maze,flappy bird and so on)
Stars: ✭ 37 (-76.13%)
Deep rl
PyTorch implementations of Deep Reinforcement Learning algorithms (DQN, DDQN, A2C, VPG, TRPO, PPO, DDPG, TD3, SAC, SAC-AEA)
Stars: ✭ 291 (+87.74%)
A Deep Rl Approach For Sdn Routing Optimization
A Deep-Reinforcement Learning Approach for Software-Defined Networking Routing Optimization
Stars: ✭ 125 (-19.35%)
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+1985.16%)
Rlcard
Reinforcement Learning / AI Bots in Card (Poker) Games - Blackjack, Leduc, Texas, DouDizhu, Mahjong, UNO.
Stars: ✭ 980 (+532.26%)
Pytorch Ddpg
Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch
Stars: ✭ 272 (+75.48%)
Top Deep Learning
Top 200 deep learning Github repositories sorted by the number of stars.
Stars: ✭ 1,365 (+780.65%)
Drq
DrQ: Data regularized Q
Stars: ✭ 268 (+72.9%)
Minecraft Reinforcement Learning
Deep Recurrent Q-Learning vs Deep Q Learning on a simple Partially Observable Markov Decision Process with Minecraft
Stars: ✭ 33 (-78.71%)
Atari
Persistent advantage learning dueling double DQN for the Arcade Learning Environment
Stars: ✭ 261 (+68.39%)
Baby A3c
A high-performance Atari A3C agent in 180 lines of PyTorch
Stars: ✭ 144 (-7.1%)
Planet
Deep Planning Network: Control from pixels by latent planning with learned dynamics
Stars: ✭ 257 (+65.81%)
Pytorch A3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Stars: ✭ 879 (+467.1%)
RCNN MDP
Code base for solving Markov Decision Processes and Reinforcement Learning problems using Recurrent Convolutional Neural Networks.
Stars: ✭ 65 (-58.06%)
Samsung Drl Code
Repository for codes of Deep Reinforcement Learning (DRL) lectured at Samsung
Stars: ✭ 99 (-36.13%)
learn-hippo
Python (pytorch) code for Lu, Q., Hasson U. & Norman K. A. (2021). When to retrieve and encode episodic memories: a neural network model of hippocampal-cortical interaction.
Stars: ✭ 12 (-92.26%)
Drl4nlp.scratchpad
Notes on Deep Reinforcement Learning for Natural Language Processing papers
Stars: ✭ 26 (-83.23%)
CommNet
an implementation of CommNet
Stars: ✭ 23 (-85.16%)
Rl Quadcopter
Teach a Quadcopter How to Fly!
Stars: ✭ 124 (-20%)
reinforce-js
[INACTIVE] A collection of various machine learning solver. The library is an object-oriented approach (baked with Typescript) and tries to deliver simplified interfaces that make using the algorithms pretty simple.
Stars: ✭ 20 (-87.1%)
Paac.pytorch
Pytorch implementation of the PAAC algorithm presented in Efficient Parallel Methods for Deep Reinforcement Learning https://arxiv.org/abs/1705.04862
Stars: ✭ 22 (-85.81%)
Deep RL with pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Stars: ✭ 160 (+3.23%)
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 (-37.42%)
l2r
Open-source reinforcement learning environment for autonomous racing.
Stars: ✭ 38 (-75.48%)
Pygame Learning Environment
PyGame Learning Environment (PLE) -- Reinforcement Learning Environment in Python.
Stars: ✭ 828 (+434.19%)
rlflow
A TensorFlow-based framework for learning about and experimenting with reinforcement learning algorithms
Stars: ✭ 20 (-87.1%)
Machine Learning And Data Science
This is a repository which contains all my work related Machine Learning, AI and Data Science. This includes my graduate projects, machine learning competition codes, algorithm implementations and reading material.
Stars: ✭ 137 (-11.61%)
SRLF
Simple Reinforcement Learning Framework
Stars: ✭ 24 (-84.52%)
Osim Rl
Reinforcement learning environments with musculoskeletal models
Stars: ✭ 763 (+392.26%)
DeepBeerInventory-RL
The code for the SRDQN algorithm to train an agent for the beer game problem
Stars: ✭ 27 (-82.58%)
Drl Rec
Deep reinforcement learning for recommendation system
Stars: ✭ 92 (-40.65%)
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+382.58%)
Awesome Deep Neuroevolution
A collection of Deep Neuroevolution resources or evolutionary algorithms applying in Deep Learning (constantly updating)
Stars: ✭ 150 (-3.23%)
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+1223.23%)
Deep Learning Papers Reading Roadmap
深度学习论文阅读路线图
Stars: ✭ 142 (-8.39%)
Keras Rl2
Reinforcement learning with tensorflow 2 keras
Stars: ✭ 134 (-13.55%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1838.06%)
Drl papernotes
Notes and comments about Deep Reinforcement Learning papers
Stars: ✭ 65 (-58.06%)
Neural Slam
Pytorch code for ICLR-20 Paper "Learning to Explore using Active Neural SLAM"
Stars: ✭ 414 (+167.1%)
121-180 of 322 similar projects