GitHub topics: a3c
ikostrikov/pytorch-a3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Language: Python - Size: 205 KB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 1,265 - Forks: 281

jaromiru/AI-blog
Accompanying repository for Let's make a DQN / A3C series.
Language: Python - Size: 19.5 KB - Last synced at: 3 days ago - Pushed at: over 6 years ago - Stars: 394 - Forks: 171

sweetice/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Language: Python - Size: 42.1 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 4,237 - Forks: 874

tensorlayer/TensorLayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers
Language: Python - Size: 99.9 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 7,354 - Forks: 1,606

rlcode/reinforcement-learning
Minimal and Clean Reinforcement Learning Examples
Language: Python - Size: 60.2 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 3,506 - Forks: 738

seungeunrho/minimalRL
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Language: Python - Size: 60.5 KB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 3,003 - Forks: 463

vietnh1009/Super-mario-bros-A3C-pytorch
Asynchronous Advantage Actor-Critic (A3C) algorithm for Super Mario Bros
Language: Python - Size: 386 MB - Last synced at: 13 days ago - Pushed at: 12 months ago - Stars: 1,078 - Forks: 234

datawhalechina/easy-rl
强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/
Language: Jupyter Notebook - Size: 516 MB - Last synced at: 13 days ago - Pushed at: 24 days ago - Stars: 10,882 - Forks: 2,000

MorvanZhou/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Language: Python - Size: 428 KB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 9,143 - Forks: 5,029

archsyscall/DeepRL-TensorFlow2
🐋 Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2
Language: Python - Size: 600 KB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 608 - Forks: 141

sudharsan13296/Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Language: Jupyter Notebook - Size: 23.9 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 409 - Forks: 136

kengz/SLM-Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Language: Python - Size: 4.08 MB - Last synced at: 7 days ago - Pushed at: 2 months ago - Stars: 1,277 - Forks: 274

MorvanZhou/pytorch-A3C
Simple A3C implementation with pytorch + multiprocessing
Language: Python - Size: 139 KB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 636 - Forks: 146

pythonlessons/Reinforcement_Learning
Reinforcement learning tutorials
Language: Python - Size: 87 MB - Last synced at: 16 days ago - Pushed at: about 2 years ago - Stars: 374 - Forks: 155

omerbsezer/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..
Language: Jupyter Notebook - Size: 151 KB - Last synced at: 25 days ago - Pushed at: about 6 years ago - Stars: 751 - Forks: 174

Nasdin/ReinforcementLearning-AtariGame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Language: Python - Size: 113 MB - Last synced at: 12 days ago - Pushed at: 7 months ago - Stars: 182 - Forks: 38

legalaspro/rl-odyssey
RL-Odyssey is a research framework for continuous control that implements state-of-the-art RL algorithms (SAC, TD3, PPO, etc.) with clean experiment scripts and interactive notebooks.
Language: Jupyter Notebook - Size: 66 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Allenpandas/Tutorial4RL
Tutorial4RL: Tutorial for Reinforcement Learning. 强化学习入门教程.
Size: 4.17 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 140 - Forks: 12

Kismuz/btgym
Scalable, event-driven, deep-learning-friendly backtesting library
Language: Python - Size: 124 MB - Last synced at: 28 days ago - Pushed at: over 3 years ago - Stars: 990 - Forks: 260

gianluca-maselli/A3C
PyTorch implementation of A3C (Asynchronous Advantage Actor Critic)
Language: Python - Size: 9.54 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 5 - Forks: 0

nailo2c/a3c
PyTorch implementation of "Asynchronous advantage actor-critic"
Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 5

dgriff777/a3c_continuous
A continuous action space version of A3C LSTM in pytorch plus A3G design
Language: Python - Size: 62.1 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 258 - Forks: 59

vietnh1009/Street-fighter-A3C-ICM-pytorch
Curiosity-driven Exploration by Self-supervised Prediction for Street Fighter III Third Strike
Language: Python - Size: 75.2 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 163 - Forks: 24

gxywy/rl-bigwatermelon
用深度强化学习玩合成大西瓜
Language: JavaScript - Size: 1.24 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 6

lcswillems/rl-starter-files
RL starter files in order to immediately train, visualize and evaluate an agent without writing any line of code
Language: Python - Size: 27.4 MB - Last synced at: 5 months ago - Pushed at: 11 months ago - Stars: 657 - Forks: 184

jingweiz/pytorch-rl
Deep Reinforcement Learning with pytorch & visdom
Language: Python - Size: 12.1 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 798 - Forks: 143

lcswillems/torch-ac
Recurrent and multi-process PyTorch implementation of deep reinforcement Actor-Critic algorithms A2C and PPO
Language: Python - Size: 23.4 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 192 - Forks: 66

mehdiboubnan/Deep-Reinforcement-Learning-applied-to-DOOM
DQN, DDDQN, A3C, PPO, Curiosity applied to the game DOOM
Language: Python - Size: 171 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 83 - Forks: 16

jianzhnie/ScaleRL
ScaleRL is a simple and scalable distributed reinforcement learning framework based on Python and PyTorch
Language: Python - Size: 221 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

arnomoonens/yarll
Combining deep learning and reinforcement learning.
Language: Python - Size: 2.83 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 81 - Forks: 28

miyosuda/async_deep_reinforce
Asynchronous Methods for Deep Reinforcement Learning
Language: Python - Size: 299 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 592 - Forks: 192

dhritishetty/A3C-for-Kung-Fu
An AI agent trained using the Asynchronous Advantage Actor-Critic algorithm to play and master the classic arcade game Kung Fu.
Language: Jupyter Notebook - Size: 149 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

jk96491/RL_Algorithms
Take the code of the reinforcement learning algorithm here~
Language: Python - Size: 649 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 0

hishamcse/Advanced-DRL-Renegades-Game-Bots
A collection of my implemented advanced & complex RL agents for games like Soccer, Street Fighter, Mortal Kombat, Rubik's Cube, Vizdoom, Montezuma, Kungfu-master, Super-Mario-bros, HalfCheetah and more by implementing advanced DRL concepts like decision transformers, RND, MARL, A3C, ICM & sample_factory. To see my other rl agents please visit
Language: Jupyter Notebook - Size: 119 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

WielkaDraka/AI_Pacman_A3C
AI playing Packman. This AI model is based on A3C (Asynchronous Advantage Actor Critic) algoritm
Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

CaptainE/Deep-reinforcement-learning-A3C
Repository containing material regarding a modified version of the Berkeley Deep reinforcement learning course and an implementation of A3C as a project
Language: Python - Size: 10.8 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

msokoloff1/Asynchronous-Advantage-Actor-Critic
Algorithm for learning how to perform tasks with only pixels and rewards as the agents understanding of the environment. The agent can learn how to play various atari games.
Language: Python - Size: 188 KB - Last synced at: 30 days ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 0

GonFreecsHxH/A3C-RL-baseline-agent-for-Grid2Op-environment
This A3C reinforcement learning code is implemented for tensorflow 2.0 and it is focused to demonstrate the implementation of a multi-threading agent (A3C) on [Grid2Op](https://github.com/rte-france/Grid2Op) environment.
Language: Python - Size: 2.02 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 5

zakaryaxali/deeprl_a3c
Projet ENSAE - Element logiciels pour le traitement de donnees massives - Quentin Spalla, Zakarya Ali
Language: Python - Size: 6.68 MB - Last synced at: 10 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

confiwent/NeuralABR-Pensieve-PPO-MAML
Reimplementing existing learning-based ABR algorithms for dynamic video streaming. These algorithms were implemented with Pytorch and python3
Language: Python - Size: 7.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 25 - Forks: 2

deligentfool/policy_based_RL
The implement of the policy gradient RL algorithm with pytorch
Language: Python - Size: 92.8 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 35 - Forks: 6

akain0/Reinforcement-Learning-
Projects and Models built in Python leveraging PyTorch, implementing Reinforcement Learning algorithms for reward-based tasks.
Language: Jupyter Notebook - Size: 693 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

grananqvist/reinforcement-learning-super-mario-A3C
Learning to play supermario using A3C algorithm
Language: Python - Size: 390 KB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 6

PoCInnovation/Open-Zero
Open-zero is a research project aiming to realize the various projects of the company DeepMind
Language: Python - Size: 575 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 0

gooooloo/DLIB
Language: Python - Size: 39.1 KB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

victor-iyi/deep-RL
Exploration of deep reinforcement learning and various state-of-the-art techniques to create a turely autonomous agent.
Language: Python - Size: 61.5 KB - Last synced at: 12 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

MZayed47/A3C_Agent
The Asynchronous Advantage Actor Critic (A3C) algorithm is one of the newest algorithms to be developed under the field of Deep Reinforcement Learning Algorithms. This algorithm was developed by Google’s DeepMind which is the Artificial Intelligence division of Google. In this repository, I have my implementations of A3C on Cartpole game, Robot arm, etc.
Language: Python - Size: 4.81 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

dgriff777/rl_a3c_pytorch
A3C LSTM Atari with Pytorch plus A3G design
Language: Python - Size: 99.4 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 554 - Forks: 118

weiji14/nz_space_challenge
A prototype end-to-end deep learning solution to identify and traverse crevasses in Antarctica for safer navigation. Uses supervised classification and reinforcement learning.
Language: Jupyter Notebook - Size: 130 MB - Last synced at: 21 days ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 1

hudsontek/ikostrikov-pytorch-a3c
Forked from ikostrikov's repo. Changes made to adapt to new software versions(as of Jan 2021), and run on Linux.
Language: Python - Size: 207 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

fantajeon/tf-a3c-gpu-python3.6.5 Fork of hiwonjoon/tf-a3c-gpu
Tensorflow implementation of A3C algorithm
Language: Python - Size: 9.01 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 2

onlytailei/A3C-PyTorch
PyTorch implementation of Advantage async actor-critic Algorithms (A3C) in PyTorch
Language: Python - Size: 2.21 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 114 - Forks: 22

Francesco-Sovrano/Framework-for-Actor-Critic-deep-reinforcement-learning-algorithms
Framework for developing Actor-Critic deep RL algorithms (A3C, A2C, PPO, GAE, etc..) in different environments (OpenAI's Gym, Rogue, Sentiment Analysis, Car Controller, etc..) with continuous and discrete action spaces.
Language: Python - Size: 15.5 MB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 1

hartikainen/berkeley-cs294
Berkeley CS 294: Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 18 days ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 2

steveKapturowski/tensorflow-rl
Implementations of deep RL papers and random experimentation
Language: Python - Size: 6.37 MB - Last synced at: 10 months ago - Pushed at: about 7 years ago - Stars: 177 - Forks: 47

dmsovetov/reinforcement
Deep reinforcement learning experiments
Language: Python - Size: 32.2 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

georgesung/deep_rl_acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Language: Python - Size: 368 KB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 35 - Forks: 10

tropical32/gym-pole-balancing
Language: Python - Size: 6.84 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

tropical32/mountain-car-a3c
Language: Python - Size: 9.77 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

tropical32/connect-four-ai
Language: Python - Size: 49.8 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

falcondai/ttic-programming-requirement
submission to TTI-Chicago programming requirement
Language: Python - Size: 148 KB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 0

yujansaya/a3c_agent_pytorch
This code implements an Asynchronous Advantage Actor-Critic (A3C) algorithm using PyTorch to train an agent to play the Atari game "Boxing"
Language: Python - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

cyoon1729/RLcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Language: Python - Size: 3.52 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 288 - Forks: 62

Allenpandas/2017-Reinforcement-Learning-Conferences-Papers 📦
The proceedings of top conference in 2017 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.
Size: 38.1 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

dknathalage/deep-rl
My implementations of popular reinforcement learning methods based on other developers and research papers.
Language: Python - Size: 4.57 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

GSJProgo/RL-Catan
PyTorch-based reinforcement learning implementation of A3C and DQN algorithms for a 2-player Catan environment
Language: Python - Size: 231 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hiwonjoon/tf-a3c-gpu
Tensorflow implementation of A3C algorithm
Language: Python - Size: 8.93 MB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 48 - Forks: 12

andrewliao11/pytorch-a3c-mujoco
Implement A3C for Mujoco gym envs
Language: Python - Size: 230 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 73 - Forks: 20

Francesco-Sovrano/Generic-Hierarchical-Deep-Reinforcement-Learning-for-Sentiment-Analysis
A3C and generic hierarchical RL for sentiment analysis tasks
Language: Python - Size: 72.6 MB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 2

KornbergFresnel/AsyncRL
A repository for the reproduction of async RL algorithms
Language: Python - Size: 40 KB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

LxzGordon/Deep-Reinforcement-Learning-with-pytorch
Basic reinforcement learning algorithms. Including:DQN,Double DQN, Dueling DQN, SARSA, REINFORCE, baseline-REINFORCE, Actor-Critic,DDPG,DDPG for discrete action space, A2C, A3C, TD3, SAC, TRPO
Language: Python - Size: 82 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 76 - Forks: 13

yazzaoui/A3C-Crypto-Trader
Deep Reinforcement Learning A3C Crypto Trading Bot
Language: Python - Size: 2.57 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 38 - Forks: 19

germain-hug/Deep-RL-Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Language: Python - Size: 2.84 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 496 - Forks: 148

xiaowei-hu/pysc2-agents
This is a simple implementation of DeepMind's PySC2 RL agents.
Language: Python - Size: 6.54 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 271 - Forks: 79

eugene/pommerman
:bomb: Bomberman deep reinforcement learning challenge in PyTorch
Language: Jupyter Notebook - Size: 19.1 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 25 - Forks: 6

spring01/drlbox
Interfacing RL agents with user-definable neural networks and OpenAI-gym environments.
Language: Python - Size: 374 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 12 - Forks: 3

greydanus/baby-a3c
A high-performance Atari A3C agent in 180 lines of PyTorch
Language: Python - Size: 81.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 167 - Forks: 43

neka-nat/async-rl-noreward
Keras implementation of Curiosity-driven Exploration by Self-supervised Prediction
Language: Python - Size: 10.8 MB - Last synced at: 9 days ago - Pushed at: almost 8 years ago - Stars: 8 - Forks: 4

galinator9000/tf_A3C_BipedalWalker
BipedalWalker environment from gym, solved with Asynchronous Advantage Actor Critic algorithm using Tensorflow.
Language: Python - Size: 1.07 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2

Muff1nz/PygameDeepRLAgent
A project about making A3C agents learn simple games made with pygame
Language: Python - Size: 139 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

mr4msm/rl_danmaku
Simple danmaku game and RL environment for it.
Language: Python - Size: 50 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

Yangyangii/Curiosity-Driven-A2C
Implementation of Curiosity-Driven Exploration with PyTorch
Language: Jupyter Notebook - Size: 329 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 2

andreimuntean/A3C
Deep reinforcement learning using an asynchronous advantage actor-critic (A3C) model.
Language: Python - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 66 - Forks: 24

scientist1642/bombora
My experimentations with Reinforcement Learning in Pytorch
Language: Python - Size: 3.03 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 19 - Forks: 2

dodoseung/deep-learning-pytorch
The pytorch implementation of deep learning
Size: 118 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

nathanwispinski/meta-rl
A short conceptual replication of "Prefrontal cortex as a meta-reinforcement learning system" in Jax.
Language: Jupyter Notebook - Size: 227 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

DarriusL/DRL-ExampleCode
Implementation code when learning deep reinforcement learning
Language: Python - Size: 190 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

Nhat-Thanh/PixelRL-SR
Pytorch implementation of Super-Resolution model using Multi-Step Reinforcement Learning
Language: Python - Size: 154 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 1

weiyx16/RL_Toy_Example
Deep RL toy example based on gym package with several methods
Language: Python - Size: 1.03 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

TheMTank/cups-rl
Customisable Unified Physical Simulations (CUPS) for Reinforcement Learning. Experiments run on the ai2thor environment (http://ai2thor.allenai.org/) e.g. using A3C, RainbowDQN and A3C_GA (Gated Attention multi-modal fusion) for Task-Oriented Language Grounding (tasks specified by natural language instructions) e.g. "Pick up the Cup or else"
Language: Python - Size: 55.2 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 44 - Forks: 7

Deepest-Project/WorldModels-A3C
World Models with A3C on Carracing-v0 in gym
Language: Python - Size: 2.03 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 27 - Forks: 9

Rahul-Choudhary-3614/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.
Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 24 - Forks: 8

anhquan075/Contra-Pytorch-CS106
The final project for CS106 at UIT-VNUHCM.
Language: Python - Size: 555 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

simonmeister/pysc2-rl-agents
StarCraft II / PySC2 Deep Reinforcement Learning Agents (A2C)
Language: Python - Size: 123 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 131 - Forks: 39

Raghul-G2002/A3C-BrickBreaker-Game-with-RL
A3C BrickBreaker - Game with RL
Language: Python - Size: 368 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

stefanbo92/A3C-Continuous
Tensorflow implementation of the asynchronous advantage actor-critic (a3c) reinforcement learning algorithm for continuous action space
Language: Python - Size: 610 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 40 - Forks: 16

kartik2309/RLPack
Implementation of RL Algorithms with PyTorch.
Language: Python - Size: 9.66 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

wing3s/pysc2-rl-mini
StarCraft II Reinforcement Learning with Pytorch - Mini Games
Language: Python - Size: 136 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 23 - Forks: 3

Zhang-Xiaoxue/RL_algorithms_Pytorch
Implement reinforcement learning algorithms in Pytorch
Language: Python - Size: 2.55 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 19 - Forks: 11

andriusbern/nao_rl
A Reinforcement Learning framework for the NAO robot
Language: Python - Size: 43.6 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 32 - Forks: 12
