Topic: "ppo"
datawhalechina/easy-rl
强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/
Language: Jupyter Notebook - Size: 516 MB - Last synced at: 12 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: 12 days ago - Pushed at: about 1 year ago - Stars: 9,143 - Forks: 5,029

thu-ml/tianshou
An elegant PyTorch deep reinforcement learning library.
Language: Python - Size: 46.4 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 8,366 - Forks: 1,141

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: 13 days ago - Pushed at: about 2 months ago - Stars: 6,722 - Forks: 728

udacity/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 4,896 - Forks: 2,344

andri27-ts/Reinforcement-Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Language: Jupyter Notebook - Size: 10 MB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 4,309 - Forks: 628

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

AI4Finance-Foundation/ElegantRL
Massively Parallel Deep Reinforcement Learning. 🔥
Language: Python - Size: 110 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 3,976 - Forks: 892

simoninithomas/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Language: Jupyter Notebook - Size: 225 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 3,845 - Forks: 1,224

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: 8 days ago - Pushed at: almost 3 years ago - Stars: 3,729 - Forks: 835

ShangtongZhang/DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
Language: Python - Size: 10.4 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 3,287 - Forks: 692

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

AI4Finance-Foundation/FinRL-Trading
For trading. Please star.
Language: Jupyter Notebook - Size: 139 MB - Last synced at: 10 days ago - Pushed at: 10 months ago - Stars: 2,285 - Forks: 782

XinJingHao/DRL-Pytorch
Clean, Robust, and Unified PyTorch implementation of popular Deep Reinforcement Learning (DRL) algorithms (Q-learning, Duel DDQN, PER, C51, Noisy DQN, PPO, DDPG, TD3, SAC, ASL)
Language: Python - Size: 55.4 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 2,216 - Forks: 282

nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Language: Python - Size: 12.1 MB - Last synced at: 10 days ago - Pushed at: 10 months ago - Stars: 1,983 - Forks: 375

marlbenchmark/on-policy
This is the official implementation of Multi-Agent PPO (MAPPO).
Language: Python - Size: 234 KB - Last synced at: 6 days ago - Pushed at: 9 months ago - Stars: 1,514 - Forks: 322

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: 6 days ago - Pushed at: 2 months ago - Stars: 1,277 - Forks: 274

Khrylx/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.
Language: Python - Size: 30.5 MB - Last synced at: 9 days ago - Pushed at: about 4 years ago - Stars: 1,188 - Forks: 190

vietnh1009/Super-mario-bros-PPO-pytorch
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Language: Python - Size: 178 MB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 1,149 - Forks: 209

qfettes/DeepRL-Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Language: Jupyter Notebook - Size: 152 MB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 1,065 - Forks: 327

ericyangyu/PPO-for-Beginners
A simple and well styled PPO implementation. Based on my Medium series: https://medium.com/@eyyu/coding-ppo-from-scratch-with-pytorch-part-1-4-613dfc1b14c8.
Language: Python - Size: 2.73 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 901 - Forks: 131

luchris429/purejaxrl
Really Fast End-to-End Jax RL Implementations
Language: Python - Size: 1.46 MB - Last synced at: 12 days ago - Pushed at: 7 months ago - Stars: 854 - Forks: 69

sudharsan13296/Hands-On-Reinforcement-Learning-With-Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: 17 days ago - Pushed at: over 4 years ago - Stars: 847 - Forks: 325

ContextualAI/HALOs
A library with extensible implementations of DPO, KTO, PPO, ORPO, and other human-aware loss functions (HALOs).
Language: Python - Size: 5.25 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 830 - Forks: 51

agi-brain/xuance
XuanCe: A Comprehensive and Unified Deep Reinforcement Learning Library
Language: Python - Size: 124 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 824 - Forks: 122

TianhongDai/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)
Language: Python - Size: 3.94 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 666 - Forks: 110

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

cpnota/autonomous-learning-library
A PyTorch library for building deep reinforcement learning agents.
Language: Python - Size: 6.24 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 652 - Forks: 72

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

jianzhnie/LLamaTuner
Easy and Efficient Finetuning LLMs. (Supported LLama, LLama2, LLama3, Qwen, Baichuan, GLM , Falcon) 大模型高效量化训练+部署.
Language: Python - Size: 1.02 MB - Last synced at: 2 days ago - Pushed at: 3 months ago - Stars: 600 - Forks: 63

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: 15 days ago - Pushed at: over 7 years ago - Stars: 565 - Forks: 106

Rafael1s/Deep-Reinforcement-Learning-Algorithms
32 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.
Language: Jupyter Notebook - Size: 108 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 536 - Forks: 199

Omegastick/pytorch-cpp-rl 📦
PyTorch C++ Reinforcement Learning
Language: C++ - Size: 540 KB - Last synced at: 2 days ago - Pushed at: almost 5 years ago - Stars: 522 - Forks: 88

rohanpsingh/LearningHumanoidWalking
Training a humanoid robot for locomotion using Reinforcement Learning
Language: Python - Size: 990 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 521 - Forks: 62

dongminlee94/deep_rl
PyTorch implementation of deep reinforcement learning algorithms
Language: Python - Size: 30.2 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 496 - Forks: 59

RLE-Foundation/rllte
Long-Term Evolution Project of Reinforcement Learning
Language: Python - Size: 96.3 MB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 464 - Forks: 84

Joyce94/LLM-RLHF-Tuning
LLM Tuning with PEFT (SFT+RM+PPO+DPO with LoRA)
Language: Python - Size: 22.3 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 409 - Forks: 17

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: 15 days ago - Pushed at: about 4 years ago - Stars: 409 - Forks: 136

MishaLaskin/rad
RAD: Reinforcement Learning with Augmented Data
Language: Jupyter Notebook - Size: 2.63 MB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 409 - Forks: 71

Skylark0924/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!
Language: Python - Size: 72.8 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 407 - Forks: 94

iffiX/machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Language: Python - Size: 6.66 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 388 - Forks: 50

idreesshaikh/Autonomous-Driving-in-Carla-using-Deep-Reinforcement-Learning
Deep Reinforcement Learning (PPO) in Autonomous Driving (Carla) [from scratch]
Language: Python - Size: 773 MB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 376 - Forks: 70

zuoxingdong/lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Language: Jupyter Notebook - Size: 95.9 MB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 375 - Forks: 30

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

sail-sg/oat
🌾 OAT: A research-friendly framework for LLM online alignment, including preference learning, reinforcement learning, etc.
Language: Python - Size: 2.27 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 325 - Forks: 21

rlgraph/rlgraph
RLgraph: Modular computation graphs for deep reinforcement learning
Language: Python - Size: 7.86 MB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 319 - Forks: 40

huawei-noah/xingtian
xingtian is a componentized library for the development and verification of reinforcement learning algorithms
Language: Python - Size: 7.05 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 311 - Forks: 89

RITCHIEHuang/DeepRL_Algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Language: Python - Size: 8.22 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 276 - Forks: 71

Acmece/rl-collision-avoidance
Implementation of the paper "Towards Optimally Decentralized Multi-Robot Collision Avoidance via Deep Reinforcement Learning"
Language: Python - Size: 29.4 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 266 - Forks: 90

anita-hu/TF2-RL
Reinforcement learning algorithms implemented for Tensorflow 2.0+ [DQN, DDPG, AE-DDPG, SAC, PPO, Primal-Dual DDPG]
Language: Python - Size: 5.88 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 260 - Forks: 68

miroblog/tf_deep_rl_trader
Trading Environment(OpenAI Gym) + PPO(TensorForce)
Language: Python - Size: 508 KB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 247 - Forks: 64

asieradzk/RL_Matrix
Deep Reinforcement Learning in C#
Language: C# - Size: 46.2 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 231 - Forks: 18

taherfattahi/ppo-rocket-landing
Proximal Policy Optimization (PPO) algorithm using PyTorch to train an agent for a rocket landing task in a custom environment
Language: Python - Size: 675 KB - Last synced at: 17 days ago - Pushed at: 6 months ago - Stars: 225 - Forks: 49

jackaduma/Vicuna-LoRA-RLHF-PyTorch
A full pipeline to finetune Vicuna LLM with LoRA and RLHF on consumer hardware. Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the Vicuna architecture. Basically ChatGPT but with Vicuna
Language: Python - Size: 18.7 MB - Last synced at: 8 days ago - Pushed at: 11 months ago - Stars: 213 - Forks: 19

jasonvanf/llama-trl
LLaMA-TRL: Fine-tuning LLaMA with PPO and LoRA
Language: Python - Size: 37.1 MB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 211 - Forks: 23

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

sungyubkim/Deep_RL_with_pytorch
A pytorch tutorial for DRL(Deep Reinforcement Learning)
Language: Jupyter Notebook - Size: 521 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 188 - Forks: 42

RchalYang/torchrl
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Language: Python - Size: 583 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 185 - Forks: 20

liuzuxin/FSRL
🚀 A fast safe reinforcement learning library in PyTorch
Language: Python - Size: 28.4 MB - Last synced at: 18 days ago - Pushed at: 7 months ago - Stars: 180 - Forks: 28

MarcoMeter/episodic-transformer-memory-ppo
Clean baseline implementation of PPO using an episodic TransformerXL memory
Language: Python - Size: 23.9 MB - Last synced at: 10 days ago - Pushed at: 10 months ago - Stars: 172 - Forks: 22

AcutronicRobotics/ros2learn 📦
ROS 2 enabled Machine Learning algorithms
Language: Python - Size: 22.2 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 164 - Forks: 61

yongzhuo/chatglm-maths
chatglm-6b微调/LORA/PPO/推理, 样本为自动生成的整数/小数加减乘除运算, 可gpu/cpu
Language: Python - Size: 282 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 163 - Forks: 17

gordicaleksa/pytorch-learn-reinforcement-learning
A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.
Language: Python - Size: 13.1 MB - Last synced at: 4 days ago - Pushed at: almost 4 years ago - Stars: 154 - Forks: 33

MarcoMeter/recurrent-ppo-truncated-bptt
Baseline implementation of recurrent PPO using truncated BPTT
Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: 19 days ago - Pushed at: 12 months ago - Stars: 138 - Forks: 18

jackaduma/ChatGLM-LoRA-RLHF-PyTorch
A full pipeline to finetune ChatGLM LLM with LoRA and RLHF on consumer hardware. Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the ChatGLM architecture. Basically ChatGPT but with ChatGLM
Language: Python - Size: 25.3 MB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 134 - Forks: 10

vietnh1009/Contra-PPO-pytorch
Proximal Policy Optimization (PPO) algorithm for Contra
Language: Python - Size: 37.5 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 133 - Forks: 30

adik993/ppo-pytorch
Proximal Policy Optimization(PPO) with Intrinsic Curiosity Module(ICM)
Language: Python - Size: 1.4 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 133 - Forks: 27

reiniscimurs/DRL-robot-navigation-IR-SIM
Deep Reinforcement Learning for mobile robot navigation in IR-SIM simulation. Using DRL (SAC, TD3, PPO, DDPG) neural networks, a robot learns to navigate to a random goal point in a simulated environment while avoiding obstacles.
Language: Python - Size: 11.9 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 131 - Forks: 16

akolishchak/doom-net-pytorch
Reinforcement learning models in ViZDoom environment
Language: Python - Size: 262 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 130 - Forks: 20

ChuaCheowHuan/gym-continuousDoubleAuction
A custom MARL (multi-agent reinforcement learning) environment where multiple agents trade against one another (self-play) in a zero-sum continuous double auction. Ray [RLlib] is used for training.
Language: Jupyter Notebook - Size: 51.7 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 129 - Forks: 29

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

deepanshut041/Reinforcement-Learning
Implementations of Deep Reinforcement Learning Algorithms and Bench-marking with PyTorch
Language: Jupyter Notebook - Size: 49.5 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 117 - Forks: 37

uidilr/gail_ppo_tf
Tensorflow implementation of Generative Adversarial Imitation Learning(GAIL) with discrete action
Language: Python - Size: 4.75 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 111 - Forks: 28

NiuTrans/Vision-LLM-Alignment
This repository contains the code for SFT, RLHF, and DPO, designed for vision-based LLMs, including the LLaVA models and the LLaMA-3.2-vision models.
Language: Python - Size: 153 MB - Last synced at: 15 days ago - Pushed at: 6 months ago - Stars: 104 - Forks: 8

lorenmt/minimal-isaac-gym
A Minimal Example of Isaac Gym with DQN and PPO.
Language: Python - Size: 12.7 KB - Last synced at: 19 days ago - Pushed at: almost 2 years ago - Stars: 103 - Forks: 15

cpwan/RLOR
Reinforcement learning for operation research problems with OpenAI Gym and CleanRL
Language: Python - Size: 5.09 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 98 - Forks: 9

Urinx/ReinforcementLearning
Reinforcing Your Learning of Reinforcement Learning
Language: Python - Size: 118 MB - Last synced at: 11 days ago - Pushed at: almost 6 years ago - Stars: 94 - Forks: 22

qlan3/Explorer
Explorer is a PyTorch reinforcement learning framework for exploring new ideas.
Language: Python - Size: 914 KB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 92 - Forks: 14

Starlight0798/gymRL
基于gym的pytorch深度强化学习(DRL)(PPO,PPG,DQN,SAC,DDPG,TD3等算法)
Language: Python - Size: 850 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 88 - Forks: 10

Miraclemarvel55/ChatGLM-RLHF
对ChatGLM直接使用RLHF提升或降低目标输出概率|Modify ChatGLM output with only RLHF
Language: Python - Size: 932 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 87 - Forks: 13

ChenDRAG/mujoco-benchmark
Provide full reinforcement learning benchmark on mujoco environments, including ddpg, sac, td3, pg, a2c, ppo, library
Size: 234 KB - Last synced at: 19 days ago - Pushed at: almost 4 years ago - Stars: 85 - Forks: 6

michaelnny/deep_rl_zoo
A collection of Deep Reinforcement Learning algorithms implemented with PyTorch to solve Atari games and classic control tasks like CartPole, LunarLander, and MountainCar.
Language: Python - Size: 276 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 84 - Forks: 7

Scitator/Run-Skeleton-Run
Reason8.ai PyTorch solution for NIPS RL 2017 challenge
Language: Python - Size: 28.6 MB - Last synced at: about 1 hour ago - Pushed at: over 5 years ago - Stars: 84 - Forks: 14

abhisheksuran/Reinforcement_Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Language: Jupyter Notebook - Size: 354 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 83 - Forks: 34

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

Shanghai-Digital-Brain-Laboratory/DB-Football
A Simple, Distributed and Asynchronous Multi-Agent Reinforcement Learning Framework for Google Research Football AI.
Language: Python - Size: 21.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 80 - Forks: 11

navuboy/gail_gym
Implementation of Generatve Adversarial Imitation Learning (GAIL) for classic environments from OpenAI Gym.
Language: Python - Size: 8.98 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 79 - Forks: 30

godka/Pensieve-PPO
The simplest implementation of Pensieve (SIGCOMM' 17) via state-of-the-art RL algorithms, including PPO, DQN, SAC, and support for both TensorFlow and PyTorch.
Language: DIGITAL Command Language - Size: 15.8 MB - Last synced at: 14 days ago - Pushed at: 3 months ago - Stars: 74 - Forks: 35

zhaoyingjun/general
Alignment成为GPT类大模型微调的必须环节,深度强化学习是Alignment的核心。本项目是一个支持非gym环境训练、支持可视化配置的深度强化学习应用编程框架,30分钟上手强化学习编程。
Language: Python - Size: 106 KB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 73 - Forks: 18

davide97l/rl-policies-attacks-defenses
Adversarial attacks on Deep Reinforcement Learning (RL)
Language: Jupyter Notebook - Size: 346 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 72 - Forks: 12

sadeqa/Super-Mario-Bros-RL
This project explores deep reinforcement learning, hybrid actor-critic approach with A3C/PPO combined with curiosity for playing Super Mario Bros
Language: Jupyter Notebook - Size: 241 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 71 - Forks: 14

jcwleo/mario_rl
Language: Python - Size: 169 MB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 69 - Forks: 10

BY571/Deep-Reinforcement-Learning-Algorithm-Collection
Collection of Deep Reinforcement Learning Algorithms implemented in PyTorch.
Language: Jupyter Notebook - Size: 25.2 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 68 - Forks: 14

philtabor/ProtoRL
A Torch Based RL Framework for Rapid Prototyping of Research Papers
Language: Python - Size: 191 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 67 - Forks: 5

tanyuqian/redco
NAACL '24 (Best Demo Paper RunnerUp) / MlSys @ NeurIPS '23 - RedCoast: A Lightweight Tool to Automate Distributed Training and Inference
Language: Python - Size: 11.5 MB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 64 - Forks: 8

datvodinh/recurrent-ppo
A Reinforcement Learning Project using PPO + LSTM
Language: Python - Size: 154 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 63 - Forks: 5

CN-UPB/DeepCoMP
Dynamic multi-cell selection for cooperative multipoint (CoMP) using (multi-agent) deep reinforcement learning
Language: Python - Size: 632 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 61 - Forks: 13

EMI-Group/evorl
EvoRL is a fully GPU-accelerated framework for Evolutionary Reinforcement Learning, implemented with JAX. It supports Reinforcement Learning (RL), Evolutionary Computation (EC), Evolution-guided Reinforcement Learning (ERL), AutoRL, and seamless integration with GPU-optimized simulation environments.
Language: Python - Size: 2.61 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 60 - Forks: 6

ZJLAB-AMMI/LLM4RL
A RL approach to enable cost-effective, intelligent interactions between a local agent and a remote LLM
Language: Python - Size: 1.89 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 59 - Forks: 13

xlnwel/model-free-algorithms
TD3, SAC, IQN, Rainbow, PPO, Ape-X and etc. in TF1.x
Language: Python - Size: 24.5 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 59 - Forks: 10
