An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: advantage-actor-critic

Vanh41/Car-Racing

Implementations of CarRacing Gymnasium

Language: Python - Size: 1.89 GB - Last synced at: about 19 hours ago - Pushed at: about 20 hours ago - Stars: 0 - Forks: 0

vwxyzjn/cleanrl

High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features (PPO, DQN, C51, DDPG, TD3, SAC, PPG)

Language: Python - Size: 134 MB - Last synced at: 5 days ago - Pushed at: about 1 month ago - Stars: 7,032 - Forks: 751

qfettes/DeepRL-Tutorials

Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch

Language: Jupyter Notebook - Size: 152 MB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 1,072 - Forks: 329

ikostrikov/pytorch-a2c-ppo-acktr-gail

PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).

Language: Python - Size: 5.91 MB - Last synced at: 5 days ago - Pushed at: almost 3 years ago - Stars: 3,753 - Forks: 834

ChenglongChen/pytorch-DRL

PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.

Language: Python - Size: 254 KB - Last synced at: 1 day ago - Pushed at: over 7 years ago - Stars: 575 - Forks: 106

WilliamZhang20/AI-Moonlander

Using reinforcement learning to land on the moon!

Language: Jupyter Notebook - Size: 5.73 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

Omegastick/pytorch-cpp-rl 📦

PyTorch C++ Reinforcement Learning

Language: C++ - Size: 540 KB - Last synced at: 13 days ago - Pushed at: about 5 years ago - Stars: 523 - Forks: 88

cpnota/autonomous-learning-library

A PyTorch library for building deep reinforcement learning agents.

Language: Python - Size: 6.24 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 652 - Forks: 72

bentrevett/pytorch-rl 📦

Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]

Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

sohailsmi/2d-drone-rl-navigation

A reinforcement learning-based 2D drone gate navigation system built from scratch using PyTorch.

Language: Python - Size: 459 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Oneiben/2d-drone-rl-navigation

A reinforcement learning-based 2D drone gate navigation system built from scratch using PyTorch.

Language: Python - Size: 457 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

inoryy/tensorflow2-deep-reinforcement-learning

Code accompanying the blog post "Deep Reinforcement Learning with TensorFlow 2.1"

Language: Jupyter Notebook - Size: 94.7 KB - Last synced at: 12 days ago - Pushed at: almost 4 years ago - Stars: 207 - Forks: 50

Urinx/ReinforcementLearning

Reinforcing Your Learning of Reinforcement Learning

Language: Python - Size: 118 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 94 - Forks: 22

Po-Hsun-Su/dprl

Deep reinforcement learning package for torch7

Language: Lua - Size: 95.7 KB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 16 - Forks: 8

Kismuz/btgym

Scalable, event-driven, deep-learning-friendly backtesting library

Language: Python - Size: 124 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 990 - Forks: 260

deepbiolab/drl

Implementation of deep reinforcement learning

Language: Jupyter Notebook - Size: 30.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

dionhaefner/yahtzotron

The friendly robot that beats you in Yahtzee 🤖 🎲

Language: Python - Size: 2.04 MB - Last synced at: 26 days ago - Pushed at: 5 months ago - Stars: 21 - Forks: 3

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: 6 months ago - Pushed at: over 2 years ago - Stars: 192 - Forks: 66

eliashornberg/CartPole-A2C-reinforcement-learning

This repository contains the implementation of the K-workers, n-step Advantage Actor-Critic (A2C) algorithm applied to the CartPole environment, as part of a reinforcement learning project for the EPFL Spring Semester 2024 course on Artificial Neural Networks and Reinforcement Learning.

Language: Jupyter Notebook - Size: 15 MB - Last synced at: 29 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

PacktPublishing/Hands-On-Intelligent-Agents-with-OpenAI-Gym

Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch

Language: Python - Size: 49.7 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 363 - Forks: 146

AliBakly/CartPole-A2C-reinforcement-learning

This repository contains the implementation of the K-workers, n-step Advantage Actor-Critic (A2C) algorithm applied to the CartPole environment, as part of a reinforcement learning project for the EPFL Spring Semester 2024 course on Artificial Neural Networks and Reinforcement Learning.

Language: Jupyter Notebook - Size: 22.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

nslyubaykin/relax_a2c_example

Example A2C implementation with ReLAx

Language: Jupyter Notebook - Size: 331 KB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

lorenzomancini1/FederatedDRL

Language: C++ - Size: 6.35 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

jcwleo/curiosity-driven-exploration-pytorch

Curiosity-driven Exploration by Self-supervised Prediction

Language: Python - Size: 809 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 123 - Forks: 29

sunoh-kim/deep-learning

This repository contains my assignment solutions for the Deep Learning course (M2177.003100_002) offered by Seoul National University (Fall 2019).

Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

dksifoua/Reinforcement-Learning

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

CherryPieSexy/imitation_learning

PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.

Language: Python - Size: 34.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 118 - Forks: 14

nitish-kalan/CartPole-v1-Advantage-Actor-Critic-A2C-Keras

Solving CartPole-v1 environment in Keras with Advantage Actor Critic (A2C) algorithm an Deep Reinforcement Learning algorithm

Language: Python - Size: 471 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 4

KevinMathewT/RL-RoboSoccer-FirstPlace

First Place Reinforcement Learning solution code and a writeup for the AI RoboSoccer Competition.

Language: Python - Size: 287 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

praveen-palanisamy/Hands-On-Intelligent-Agents-with-OpenAI-Gym Fork of PacktPublishing/Hands-On-Intelligent-Agents-with-OpenAI-Gym

Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch

Language: Python - Size: 38.1 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

Akella17/Deep-Bayesian-Quadrature-Policy-Optimization

Official implementation of the AAAI 2021 paper Deep Bayesian Quadrature Policy Optimization.

Language: Python - Size: 3.44 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 7

chagmgang/pysc2_rl

Language: Python - Size: 6.65 MB - Last synced at: 28 days ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 0

med-air/DEX

[ICRA'23] Demonstration-Guided Reinforcement Learning with Efficient Exploration for Task Automation of Surgical Robot

Language: Python - Size: 805 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 13 - Forks: 2

ayush5harma/Espeon 📦

It's a Raspberry Pi Pokémon that gamifies WiFi Hacking by learning from its surrounding WiFi environment utilising deep Reinforcement Learning.

Language: Python - Size: 81.1 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3

rpatrik96/pytorch-a2c

A well-documented A2C written in PyTorch

Language: Python - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 35 - Forks: 5

LukasDrews97/flappy-bird-reinforcement-learning Fork of doravalerie/flappy-bird-gym

Training a Reinforcement Learning Agent to Play Flappy Bird

Language: Python - Size: 64.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rystrauss/interact

Implementations of deep reinforcement learning algorithms.

Language: Python - Size: 262 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

dodoseung/a2c-advantage-actor-critic-pytorch

The pytorch implemetation of a2c

Language: Python - Size: 1000 Bytes - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

mingxuanM/Puck_Catching_Agent

RL agent that is trained to catch moving pucks in a complex environment, with DQN, AC, A2C and more.

Language: Python - Size: 1.65 MB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

TTitcombe/A3C

PyTorch implementation of Asynchronous (and Synchronous) Advantage Actor Critic

Language: Python - Size: 140 KB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

tailongnguyen/current-project

Multi-task learning with Advantage Actor Critic and sharing experience

Language: Python - Size: 66.7 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
advantage-actor-critic 41 reinforcement-learning 33 pytorch 23 deep-reinforcement-learning 20 actor-critic 17 a2c 15 proximal-policy-optimization 14 ppo 12 policy-gradient 10 dqn 8 deep-learning 8 reinforcement-learning-algorithms 7 ddpg 5 tensorflow 4 openai-gym 4 continuous-control 4 deep-q-network 4 pytorch-rl 3 deep-q-learning 3 sac 3 deep-deterministic-policy-gradient 3 pytorch-implementation 3 cartpole 3 machine-learning 3 q-learning 3 a3c 3 python 3 artificial-intelligence 3 ale 2 recurrent-neural-networks 2 soft-actor-critic 2 temporal-difference 2 sarsa 2 pytorch-tutorial 2 actor-critic-algorithm 2 drone-navigation 2 pygame 2 robotics 2 scratch-implementation 2 reinforce 2 carla-driving-simulator 2 carla-simulator 2 gail 2 monte-carlo 2 intelligent-agents 2 deep-neural-networks 2 pytorch-carla 2 learning-agents 2 python3 2 acktr 2 prioritized-experience-replay 2 mujoco 2 roboschool 2 reinforcement-learning-agent 2 atari 2 phasic-policy-gradient 2 rl 2 minigrid 1 dynamic-programming 1 dyna-q 1 multi-process 1 asynchronous-advantage-actor-critic 1 variational-autoencoder 1 generative-adversarial-network 1 recurrent 1 convolutional-neural-networks 1 icm 1 curiosity-driven 1 veins 1 v2x 1 sumo 1 omnetpp 1 discrete-control 1 advantage 1 a2c-pytorch 1 pytorch-a3c 1 baselines 1 episode-rollout 1 reward-shaping 1 stable-baselines 1 flappy-bird 1 td3 1 stable-baselines3 1 pysc2 1 trust-region-policy-optimization 1 probablistic-numerics 1 natural-policy-gradient 1 pysc2-mini-games 1 reinfrocement-learning 1 gaussian-processes 1 automation-robotics 1 bayesian-quadrature 1 awac 1 a3c-agent 1 goal-conditioned-rl 1 soccer 1 hindsight-experience-replay 1 sqil 1 surgical-robots 1 football-agent-simulator 1