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

GitHub topics: actor-critic-algorithm

shaheennabi/Reinforcement-or-Deep-Reinforcement-Learning-Practices-and-Mini-Projects

Reinforcement Learning (RL) 🤖! This repository is your hands-on guide to implementing RL algorithms, from Markov Decision Processes (MDPs) to advanced methods like PPO and DDPG. 🚀 Build smart agents, learn the math behind policies, and experiment with real-world applications! 🔥💡

Size: 27.3 KB - Last synced at: 1 day ago - Pushed at: 3 days ago - Stars: 2 - Forks: 0

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: 9 days ago - Pushed at: about 2 years ago - Stars: 4,320 - Forks: 874

VachanVY/Reinforcement-Learning

PyTorch implementations of algorithms from "Reinforcement Learning: An Introduction by Sutton and Barto", along with various RL research papers.

Language: Python - Size: 50 MB - Last synced at: 18 days ago - Pushed at: 27 days ago - Stars: 128 - Forks: 9

jekyllstein/Reinforcement-Learning-Sutton-Barto-Exercise-Solutions

Chapter notes and exercise solutions for Reinforcement Learning: An Introduction by Sutton and Barto

Language: Julia - Size: 99.6 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 20 - Forks: 6

GBR-RL/PPO-LunarLander

PPO-based RL agent to land rockets in LunarLander-v2 using PyTorch

Language: Jupyter Notebook - Size: 1020 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

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: 3 months ago - Pushed at: 3 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: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ganjalipour/Reinforcement-learning

Deep Q-Network, Actor-critic , Policy gradient implementation in python

Language: Python - Size: 2.93 KB - Last synced at: 10 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

RsGoksel/Reinforcement-Learning-PongGame

Reinforcement Learning - PPO (Proximal Policy Optimization) Implementation to Pong Game

Language: Jupyter Notebook - Size: 849 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

SwamiKannan/Reinforcement-Learning-Specialization

Programming Assignments for Reinforcement Learning Specialization

Language: Jupyter Notebook - Size: 2 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

fangvv/UAV-DDPG

Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"

Language: Python - Size: 17.6 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 473 - Forks: 80

mklblm/VU-Multi-agent-Systems

From-scratch implementations of Monte Carlo Tree Search and the Actor-Critic Advantage Framework for the Multi-Agent Systems course at Vrije Universiteit Amsterdam in 2024-2025

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

BY571/Soft-Actor-Critic-and-Extensions

PyTorch implementation of Soft-Actor-Critic and Prioritized Experience Replay (PER) + Emphasizing Recent Experience (ERE) + Munchausen RL + D2RL and parallel Environments.

Language: Python - Size: 5.99 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 272 - Forks: 32

XuehaiPan/Soft-Actor-Critic

PyTorch Implementation of Soft Actor-Critic Algorithm

Language: Python - Size: 518 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 5

joshGilstrap/Asynchronous-Advanced-Actor-Critic

A reinforcement learning A3C implementation trained to play Super Mario Bros

Language: Python - Size: 77.5 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

arbit3rr/NN-Control

Control Methods for Dynamic Systems based on Neural Networks

Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

ccnets-team/causal-rl

Causal RL: Reverse-Environment Network Integrated Actor-Critic Algorithm

Language: Python - Size: 9.38 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 26 - Forks: 2

GioStamoulos/BTC_RL_Trading_Bot

A trading bitcoin agent was created with deep reinforcement learning implementations.

Language: Jupyter Notebook - Size: 53.9 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 6

kkothari93/ActorCritic-ECE586-Project

Implementation of the actor critic algorithm for MountainCarContinuous-v0 OpenAI gym environment.

Language: Python - Size: 889 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

BY571/D4PG

PyTorch implementation of D4PG with the SOTA IQN Critic instead of C51. Implementation includes also the extensions Munchausen RL and D2RL which can be added to D4PG to improve its performance.

Language: Python - Size: 2.17 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 4

HYDesmondLiu/RUBICON

A novel method to incorporate existing policy (Rule-based control) with Reinforcement Learning.

Language: Python - Size: 25.4 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

Phoenix-Shen/ReinforcementLearning

强化学习算法库,包含了目前主流的强化学习算法(Value based and Policy basd)的代码,代码都经过调试并可以运行

Language: Python - Size: 20.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 32 - Forks: 8

erfanMhi/Deep-Reinforcement-Learning-CS285-Pytorch

Solutions of assignments of Deep Reinforcement Learning course presented by the University of California, Berkeley (CS285) in Pytorch framework

Language: Python - Size: 34.7 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 124 - Forks: 11

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

Solving CartPole-v1 environment in Keras with Actor Critic algorithm an Deep Reinforcement Learning algorithm

Language: Python - Size: 605 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 5

philtabor/Multi-Agent-Deep-Deterministic-Policy-Gradients

A Pytorch implementation of the multi agent deep deterministic policy gradients (MADDPG) algorithm

Language: Python - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 207 - Forks: 62

imraviagrawal/Reinforcement-Learning-Implementation

Implementation of Reinforcement Algorithms from scratch

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

mkurovski/deep_rl_nanodegree

Project Solutions for my Deep Reinforcement Learning Nanodegree at Udacity

Language: Jupyter Notebook - Size: 3.21 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 1

garlicdevs/Fruit-API

A Universal Deep Reinforcement Learning Framework

Language: Python - Size: 7.45 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 62 - Forks: 22

kcg2015/DDPG_numpy_only

Implemenation of DDPG with numpy only (without Tensorflow)

Language: Python - Size: 64.5 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 5

Sohaib1424/Reinforcement-Learning-projects

Language: Python - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

SamYuen101234/chrome_dino_RL

A very detailed project of Chrome Dinosaur in Deep RL for beginners

Language: Python - Size: 129 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

prajwalthakur/Projects

This Repository contains my projects!

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

charlola/autonomous-systems

In this project, it is intended to learn and get familiar with the concepts of Reinforcement Learning (RL) by modeling agents with actor-critic and rainbow-dqn algorithms. Two continuous Unity Machine Learning Agents domains are chosen to realize this project.

Language: ASP.NET - Size: 39.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

d-dawg78/MVA_RL

Master MVA - Reinforcement Learning Project

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

nima-siboni/simplest-world-Actor-Critic

Reinforcement learning, Policy Gradient, Actor-Critic, AC, Agent-based Simulation, Simple-world

Language: Python - Size: 698 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

rtharungowda/Soft-Actor-Critic-Pytorch

Implement soft actor critic in pytorch to play a game of balancing pendulum in openai gym.

Language: Python - Size: 629 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

vrona/BOT88

Self Driving Racing Car Agent (Deep Deterministic Policy Gradient algorithm)

Language: Jupyter Notebook - Size: 373 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

meet-minimalist/Udacity-Deep-Learning-Project-5-Fly-Quadcopter

Fly Quadcopter using Deep Reinforcement Learning

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
actor-critic-algorithm 38 reinforcement-learning 31 deep-reinforcement-learning 15 pytorch 13 policy-gradient 11 reinforcement-learning-algorithms 10 actor-critic 7 deep-learning 6 proximal-policy-optimization 5 deep-deterministic-policy-gradient 4 q-learning 4 prioritized-experience-replay 4 dqn 4 machine-learning 3 python 3 td-learning 3 ppo 3 neural-network 3 actor-critic-methods 3 sarsa 3 advantage-actor-critic 2 drone-navigation 2 munchausen-reinforcement-learning 2 off-policy 2 lunar-lander 2 soft-actor-critic 2 sutton-barto-book 2 pygame 2 robotics 2 scratch-implementation 2 multi-agent-reinforcement-learning 2 notebook 2 agent 2 model-based-rl 2 model-free-rl 2 d2rl 2 sac 2 tensorflow 2 pytorch-implementation 2 reinforce 2 ddpg 2 openai-gym 2 deep-q-network 2 arcade-learning-environment 1 unity 1 gym 1 cross-entropy-policy-search 1 gridworld 1 sarsa-lambda 1 gridworld-environment 1 reinforcement-algorithms 1 q-learning-lambda 1 mountain-car 1 energy-efficiency 1 hvac-control 1 optimal-control 1 optimization 1 rule-based-controller 1 thermal-comfort 1 algorithms 1 ddpg-pytorch 1 deep-qlearning-algorithm 1 dppo 1 qlearning-algorithm 1 td3-pytorch 1 berkeley 1 deep-q-learning 1 mujoco 1 neural-networks 1 actor-critic-with-experience-replay 1 actorcritic 1 cartpole-gamebot 1 cartpole-v1 1 deepreinforcement 1 maddpg 1 blackbox-optimization 1 cartpole 1 cartpole-environment 1 cross-entropy 1 atari 1 torch 1 value-based-methods 1 dqn-variants 1 gpu 1 ros 1 rrt-plan 1 rainbow-dqn 1 unity-ml-agents 1 echolocation 1 monte-carlo-simulation 1 on-policy 1 reinforcement-learning-environments 1 pytorch-tutorial 1 asymmetric 1 autonomous-agents 1 autonomous-cars 1 autonomous-driving 1 autonomous-vehicles 1 visionprocessing 1 jupyter-notebooks 1