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

Topic: "proximal-policy-optimization"

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,166 - Forks: 5,024

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: 4 days ago - Pushed at: about 1 month ago - Stars: 6,968 - Forks: 750

OpenRLHF/OpenRLHF

An Easy-to-use, Scalable and High-performance RLHF Framework based on Ray (PPO & GRPO & REINFORCE++ & LoRA & vLLM & RFT)

Language: Python - Size: 2.49 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 6,578 - Forks: 642

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

nikhilbarhate99/PPO-PyTorch

Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch

Language: Python - Size: 12.1 MB - Last synced at: 12 days ago - Pushed at: 10 months ago - Stars: 2,005 - Forks: 378

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: 12 days ago - Pushed at: about 4 years ago - Stars: 1,197 - 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: 29 days ago - Pushed at: almost 4 years ago - Stars: 1,149 - Forks: 209

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: 6 months ago - Pushed at: over 4 years ago - Stars: 666 - Forks: 110

cpnota/autonomous-learning-library

A PyTorch library for building deep reinforcement learning agents.

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

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: about 1 month ago - Pushed at: over 7 years ago - Stars: 565 - Forks: 106

Omegastick/pytorch-cpp-rl 📦

PyTorch C++ Reinforcement Learning

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

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: about 2 months ago - Pushed at: over 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: 4 days ago - Pushed at: over 2 years ago - Stars: 375 - Forks: 30

miroblog/tf_deep_rl_trader

Trading Environment(OpenAI Gym) + PPO(TensorForce)

Language: Python - Size: 508 KB - Last synced at: about 2 months 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: 18 days ago - Pushed at: about 1 month ago - Stars: 235 - Forks: 19

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

MarcoMeter/episodic-transformer-memory-ppo

Clean baseline implementation of PPO using an episodic TransformerXL memory

Language: Python - Size: 23.9 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 172 - Forks: 22

MarcoMeter/recurrent-ppo-truncated-bptt

Baseline implementation of recurrent PPO using truncated BPTT

Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 138 - Forks: 18

vietnh1009/Contra-PPO-pytorch

Proximal Policy Optimization (PPO) algorithm for Contra

Language: Python - Size: 37.5 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 136 - Forks: 31

adik993/ppo-pytorch

Proximal Policy Optimization(PPO) with Intrinsic Curiosity Module(ICM)

Language: Python - Size: 1.4 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 133 - Forks: 27

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

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

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: 21 minutes ago - Pushed at: about 1 hour ago - Stars: 86 - Forks: 4

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

lucidrains/ppo

An implementation of PPO in Pytorch

Language: Python - Size: 1.26 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 74 - Forks: 7

philtabor/ProtoRL

A Torch Based RL Framework for Rapid Prototyping of Research Papers

Language: Python - Size: 200 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 67 - Forks: 5

Luca96/carla-driving-rl-agent

Code for the paper "Reinforced Curriculum Learning for Autonomous Driving in CARLA" (ICIP 2021)

Language: Python - Size: 143 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 55 - Forks: 16

RLOpensource/Relational_Deep_Reinforcement_Learning

Language: Python - Size: 7.56 MB - Last synced at: 26 days ago - Pushed at: about 6 years ago - Stars: 49 - Forks: 5

TianhongDai/distributed-ppo

This is an pytorch implementation of Distributed Proximal Policy Optimization(DPPO).

Language: Python - Size: 3.83 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 48 - Forks: 8

cxxgtxy/POP3D

Policy Optimization with Penalized Point Probability Distance: an Alternative to Proximal Policy Optimization

Language: Python - Size: 2.36 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 42 - Forks: 2

bmazoure/ppo_jax

Jax implementation of Proximal Policy Optimization (PPO) specifically tuned for Procgen, with benchmarked results and saved model weights on all environments.

Language: Python - Size: 34.2 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 41 - Forks: 1

wisnunugroho21/reinforcement_learning_ppo_rnd

Deep Reinforcement Learning by using Proximal Policy Optimization and Random Network Distillation in Tensorflow 2 and Pytorch with some explanation

Language: Python - Size: 32.9 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 40 - Forks: 5

elsheikh21/car-racing-ppo

Implementation of a Deep Reinforcement Learning algorithm, Proximal Policy Optimization (SOTA), on a continuous action space openai gym (Box2D/Car Racing v0)

Language: Python - Size: 21.4 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 35 - Forks: 5

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

TianhongDai/google-football-pytorch

It's the pytorch implementation of google research football.

Language: Python - Size: 8.92 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 31 - Forks: 11

fredrikcollyer/3D-Driving-AI-PPO

🚗 3D web app that combines Proximal Policy Optimization with Three.js, enabling users to directly interact with or train AI models on a virtual racetrack.

Language: JavaScript - Size: 372 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 30 - Forks: 5

jolle-ag/qdx

Quantum error correction code AI-discovery with Jax

Language: Jupyter Notebook - Size: 8.33 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 29 - Forks: 8

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

vietnh1009/Sonic-PPO-pytorch

Proximal Policy Optimization (PPO) algorithm for Sonic the Hedgehog

Language: Python - Size: 82.5 MB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 27 - Forks: 5

jw1401/PPO-Tensorflow-2.0

Proximal Policy Optimization with Tensorflow 2.0

Language: Python - Size: 1.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 8

xwhan/walk_the_blocks

Implementation of Scheduled Policy Optimization for task-oriented language grouding

Language: ASP - Size: 1.46 GB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 26 - Forks: 8

yyzpiero/RL4RedTeam

A PPO agent leveraging reinforcement learning performs Penetration Testing in a simulated computer network environment. The agent is trained to scan for vulnerabilities in the network and exploit them to gain access to various network resources.

Language: Python - Size: 7.41 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 25 - Forks: 6

QasimWani/policy-value-methods

Deep Reinforcement Learning algorithms for Policy Value methods written from scratch.

Language: Python - Size: 389 MB - Last synced at: 29 days ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 5

wisnunugroho21/asynchronous_impala_PPO

Multi-Agent Deep Reinforcement Learning by using Asynchronous & Impala Proximal Policy Optimization in Pytorch with some explanation

Language: Python - Size: 3.39 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 6

restorenode/mappo-competitive-reinforcement

🎾 Multi-Agent Proximal Policy Optimization approach to a competitive reinforcement learning problem

Language: Python - Size: 2.28 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 1

aminkhani/Deep-RL

You can see a reference for Books, Articles, Courses and Educational Materials in this field. Implementation of Reinforcement Learning Algorithms and Environments. Python, OpenAI Gym, Tensorflow.

Language: Jupyter Notebook - Size: 21.5 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 0

hcnoh/rl-collection-pytorch

A collection of Reinforcement Learning implementations with PyTorch

Language: Python - Size: 5.84 MB - Last synced at: 11 days ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 1

wisnunugroho21/reinforcement_learning_phasic_policy_gradient

Deep Reinforcement Learning by using Phasic Policy Gradient in Pytorch & Tensorflow

Language: Python - Size: 64.5 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 2

kochlisGit/TraderNet-CRv2

TraderNet-CRv2 - Combining Deep Reinforcement Learning with Technical Analysis and Trend Monitoring on Cryptocurrency Markets

Language: Jupyter Notebook - Size: 157 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 3

johnlime/RlkitExtension Fork of rail-berkeley/rlkit

Collection of reinforcement learning algorithms

Language: Python - Size: 12.8 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 3

thowell/ppo.cpp

Proximal Policy Optimization (PPO) written in C++ with PyTorch (LibTorch)

Language: C++ - Size: 5.5 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 13 - Forks: 0

ProfessorNova/PPO-Humanoid

PPO implementation for controlling a humanoid in Gymnasium's Mujoco environment, featuring customizable training scripts and multi-environment parallel training.

Language: Python - Size: 11 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 12 - Forks: 2

marcelloaborges/Soccer-PPO

Udacity Deep Reinforcement Learning Nanodegree Program

Language: ASP - Size: 43 MB - Last synced at: 10 months ago - Pushed at: almost 6 years ago - Stars: 12 - Forks: 4

MarioFiorino/Tutorial-Reinforcement-Learning-ITA-Python

In questa repository una collezione di tutorial sulle basi del Reinforcement Learning, sviluppati in Python, interamente in italiano.

Language: Jupyter Notebook - Size: 5.46 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 2

ImMohammadHosseini/MKP-RL

:sparkles: Solve multi_dimensional multiple knapsack problem using state_of_the_art Reinforcement Learning Algorithms and transformers

Language: Python - Size: 5.45 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 1

TommasoVandermeer/Hospitalbot-Path-Planning

This repository contains an application using ROS2 Humble, Gazebo, OpenAI Gym and Stable Baselines3 to train reinforcement learning agents for a path planning problem.

Language: Python - Size: 123 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 2

agakshat/spacefortress

OpenAI Gym compatible reinforcement learning environment for Space Fortress https://arxiv.org/abs/1809.02206

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

seolhokim/Transportation-Routes-Optimization-by-RL

Application of reinforcement learning to Optimize transportation routes using reinforcement learning

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

chagmgang/pysc2_rl

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

kwk2696/sb3-jax-haiku

stable-baselines with JAX & Haiku

Language: Python - Size: 297 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 9 - Forks: 4

marcosfede/Reinforcement-Landing

Reinforcement learning agent using Proximal Policy Optimization (PPO) and Unity

Language: C# - Size: 34.6 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 2

zhengfeiwang/NeurIPS2018-AIforProsthetics

Reinforcement learning with musculoskeletal models

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

CaptainE/PPO-RND-Pommerman

Using Proximal Policy Optimization and Random Network Distillation on Pommerman

Language: Jupyter Notebook - Size: 33.2 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 1

zombie-einstein/JAX-PPO

JAX Implementation of Proximal Policy Optimisation Algorithm

Language: Python - Size: 1000 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 0

Stepan-Makarenko/ICM-PPO-implementation

Proximal Policy Optimization(PPO) with Intrinsic Curiosity Module(ICM) on Pyramid env, Unity ML

Language: Python - Size: 34.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 2

yunshengtian/ppo-mujoco

A minimal codebase for PPO training on MuJoCo environments with some customization supports.

Language: Python - Size: 351 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 2

will-bell/procgen-adr

Implementation of Automatic Domain Randomization (ADR) and Proximal Policy Optimization (PPO) to improve generalizability of reinforcement learning agents in playing arcade games in OpenAI's Procgen environment

Language: Python - Size: 33.7 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

RLOpensource/Generative_Adversarial_Imitation_Learning

Language: Python - Size: 327 KB - Last synced at: 26 days ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 2

lgvaz/rlbox

RLbox: Solving OpenAI Gym with TensorFlow

Language: Python - Size: 2.62 MB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 6

Faycal214/Reinforcement-Learning-Challenge-Optimizing-Bandwidth-Allocation-for-Satellite-Broadband-Users

This repository features my solution for the DevFest '24 Challenge by @GDGAlgiers , where I used Proximal Policy Optimization (PPO) to optimize bandwidth allocation based on user demands over 24 hours. Key highlights include dynamic resource allocation and visualizations of demand versus allocation cycles

Language: Python - Size: 199 KB - Last synced at: 23 days ago - Pushed at: 24 days ago - Stars: 6 - Forks: 2

rosinality/halite

Acceleration framework for Human Alignment Learning

Language: Python - Size: 368 KB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 6 - Forks: 0

arthur-bouton/MachineLearning

Various machine learning implementations and tools

Language: Python - Size: 921 KB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

AlessandroPomponio/atari-bowling-ppo 📦

An autonomous agent that learns to play Atari Bowling using Reinforcement Learning and Proximal Policy Optimization

Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

RLOpensource/spinning_up_kr

Language: Python - Size: 1.95 MB - Last synced at: 26 days ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

RsGoksel/Reinforcement-Learning-PongGame

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

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

ifrunistuttgart/RL_Integrated-Updraft-Exploitation

This repository includes a reinforcement learning framework for end-to-end type integrated thermal updraft localization and exploitation.

Language: Python - Size: 31 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 2

ProfessorNova/PPO-Car

Gymnasium car environment. Autonomous Racing with Proximal Policy Optimization and custom tracks.

Language: Python - Size: 40.7 MB - Last synced at: 18 days ago - Pushed at: 9 months ago - Stars: 4 - Forks: 0

stwerner97/model-based-pde-control

Numerical Evidence for Sample Efficiency of Model-Based over Model-Free Reinforcement Learning Control of Partial Differential Equations [ECC'24]

Language: Python - Size: 26.2 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 4 - Forks: 0

EvZissel/expgen

Official PyTorch implementation of ExpGen (NeurIPS'23).

Language: Python - Size: 701 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 4 - Forks: 0

smtmRadu/DeepUnity

An open source Deep Learning library for Unity.

Language: C# - Size: 585 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

LetteraUnica/BriscolaBot

Reinforcement Learning agent that plays Briscola, a famous Italian card game

Language: TeX - Size: 17 MB - Last synced at: 28 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

GrahamMThomas/MapleAITrainer

Uses screen captures, OCR, and Reinforcement Learning to optimize training on a specific map in Maplestory

Language: Python - Size: 25.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - 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

EliaFantini/Image-Reconstructor-FISTA-proximal-method-on-wavelets-transform

An Image Reconstructor that applies fast proximal gradient method (FISTA) to the wavelet transform of an image using L1 and Total Variation (TV) regularizations

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

nicolaloi/Perception-and-Learning-for-Robotics

Deep-RL-based safety landing using RGB camera on rough terrains. Exam Project for the ETH course "Perception and Learning for Robotics".

Language: Jupyter Notebook - Size: 45.1 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

spyros-briakos/Car-Racing-v0-GymAI Fork of AGiannoutsos/car_racer_gym

Apply major Reinforcement Learning algorithms (DQN,PPO,A2C) to CarRacing-v0 from GymAI environment.

Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

alirezakazemipour/Mario-PPO

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

anubhavparas/quadrotor_control_ppo

Low-level autonomous control and tracking of quadrotor using reinforcement learning - Proximal Policy Optimization

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

leaderj1001/Phasic-Policy-Gradient

Phasic-Policy-Gradient

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

johnlime/UnitNeurons

C++ neuron-based neural network library

Language: C++ - Size: 2.57 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

Tetramputechture/npp-rl

Deep reinforcement learning for the game N++

Language: Python - Size: 18.6 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

SSS135/pytorch-rl-kit

Proximal Policy Optimization in PyTorch

Language: Python - Size: 725 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 1

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: 24.4 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

MaxNaeg/ZXreinforce

Code for "Optimizing ZX-Diagrams with Deep Reinforcement Learning"

Language: Python - Size: 4.38 GB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 4

SECNetLabUNM/HTransRL

Hybrid Transformer based Multi-agent Reinforcement Learning (HTransRL) is for drone coordination in air corridors, addressing the challenges of dynamic dimensions and types of state inputs, which cannot addressed by the traditional MARL.

Language: Python - Size: 97 MB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 1

ches-001/Proximal-Policy-Optimization-on-control-of-Custom-Continuous-Action-Space-Environment

Simulated Environment Control with Reinforcement Learning

Language: Jupyter Notebook - Size: 160 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 2

maik97/wacky-rl

Custom Reinforcement Learning Agents

Language: Python - Size: 232 KB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

bmaxdk/OpenAI-Gym-PongDeterministic-v4-PPO

Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

Nikunj-Gupta/Epipolicy_RL

Reinforcement Learning for policy-making for epidemics (EpiPolicy https://youtu.be/JDYb4_coAf4)

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

hongjun7/Reinforcement-Learning

Resources for Reinforcement Learning

Language: Python - Size: 38.8 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

Related Topics
reinforcement-learning 148 ppo 92 pytorch 71 deep-reinforcement-learning 66 deep-learning 51 policy-gradient 35 actor-critic 28 machine-learning 26 python 19 a2c 19 reinforcement-learning-algorithms 19 dqn 18 soft-actor-critic 18 openai-gym 17 tensorflow 17 gym 16 advantage-actor-critic 14 ddpg 13 artificial-intelligence 12 sac 12 ppo-pytorch 11 stable-baselines3 10 continuous-control 10 deep-deterministic-policy-gradient 9 td3 9 gym-environment 9 mujoco 9 rl 8 ai 8 deep-q-network 8 imitation-learning 7 reinforcement-learning-agent 7 deep-q-learning 7 trpo 6 gymnasium 6 a3c 6 trust-region-policy-optimization 6 neural-networks 6 openai 6 generalized-advantage-estimation 6 deep-neural-networks 6 ppo2 6 transformer 5 tensorflow2 5 unity 5 atari 5 robotics 5 gail 5 python3 5 large-language-models 5 actor-critic-algorithm 5 gae 5 neural-network 5 markov-decision-processes 4 autonomous-vehicles 4 pytorch-implementation 4 phasic-policy-gradient 4 sarsa 4 q-learning 4 policy-optimization 4 transformers 4 reinforcement-learning-from-human-feedback 4 prioritized-experience-replay 4 reinforce 4 dqn-pytorch 4 multi-agent 3 ale 3 random-network-distillation 3 low-rank-adaptation 3 car-racing-game 3 recurrent-neural-networks 3 monte-carlo 3 atari2600 3 pomdp 3 lstm 3 pytorch-rl 3 reinforcement-learning-environments 3 deep-rl 3 libtorch 3 cpp 3 dueling-dqn 3 jax 3 algorithms 3 flan-t5 3 super-mario-bros 3 kl-divergence 3 ddqn 3 pygame 3 simulation 3 multi-agent-reinforcement-learning 3 behavioral-cloning 3 gail-ppo 3 flappy-bird 3 procgen 3 unity3d 3 parameter-efficient-fine-tuning 2 deep-learning-algorithms 2 carla-simulator 2 research 2 on-policy 2