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

GitHub topics: drl

opendilab/DI-engine

OpenDILab Decision AI Engine. The Most Comprehensive Reinforcement Learning Framework B.P.

Language: Python - Size: 293 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 3,513 - Forks: 409

NoteDance/Note

Machine learning library, Distributed training, Deep learning, Reinforcement learning, Models, TensorFlow, PyTorch

Language: Python - Size: 10.4 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 68 - Forks: 2

thu-ml/tianshou

An elegant PyTorch deep reinforcement learning library.

Language: Python - Size: 47.3 MB - Last synced at: 10 days ago - Pushed at: 14 days ago - Stars: 8,733 - Forks: 1,171

jgvictores/awesome-deep-reinforcement-learning

Curated list for Deep Reinforcement Learning (DRL): software frameworks, models, datasets, gyms, baselines...

Size: 3.32 MB - Last synced at: 4 days ago - Pushed at: 11 days ago - Stars: 200 - Forks: 32

BabarAli93/EdgeAIBus

[TPDS 2025] EdgeAIBus: AI-driven Joint Container Management and Model Selection Framework for Heterogeneous Edge Computing

Language: Jupyter Notebook - Size: 681 MB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 2 - Forks: 0

GeneHit/drl_practice

Practice the Deep Reinforcement Learning (DRL) with the gym on laptop.

Language: Python - Size: 707 KB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 2 - Forks: 0

cszhangzhen/DRL4Recsys

Courses on Deep Reinforcement Learning (DRL) and DRL papers for recommender systems

Size: 27.3 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 303 - Forks: 61

Varietyz/phicoded-Snake-DRL-DQN

(φ) Snake Agent written in Phicode (ML)

Size: 977 KB - Last synced at: 14 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

jviquerat/dragonfly

A modular DRL library

Language: Roff - Size: 257 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 3 - Forks: 0

mohshibinroshankt/drl_drone_px4

An advanced ROS 2 package for autonomous drone navigation using SAC with Prioritized Experience Replay. Built on PX4, Gazebo Harmonic, and ROS 2 Humble, it enables intelligent obstacle avoidance with training scripts, test environments, and PX4 bridge configs.

Language: Python - Size: 47.2 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 2 - Forks: 1

igeng/awesome-drl-cloud-scheduling

A curated list of research papers, code, and tools applying deep reinforcement learning (DRL) to cloud/microservice resource scheduling and autoscaling.

Size: 44.2 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 4 - Forks: 0

jos-hung/oranits

Mission Assignment and Task Offloading in Open RAN-based ITS This project provides the implementation of metaheuristic and deep reinforcement learning (DRL) algorithms for optimizing mission assignment and task offloading in Open RAN-enabled Intelligent Transportation Systems (ITS).

Language: Python - Size: 343 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

hermmanhender/eprllib

Repository that houses the program used to investigate the control of subsystems in homes based on a DRL model. The program uses the EnergyPlus Python API and Ray's Tune and RLlib libraries.

Language: Python - Size: 309 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 4 - Forks: 2

yang-xiangdong/uestc

Language: Python - Size: 43.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 1

Arena-Rosnav/arena-rosnav

Language: Python - Size: 82.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 84 - Forks: 45

Kiven-ykw/Distributed-Hierarchical-Deep-Reinforcement-Learning-for-Semantic-aware-Resource-Allocation

Paper Code for TVT: Resource allocation for semantic communication network

Language: Python - Size: 931 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 6 - Forks: 1

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: 12.8 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 176 - Forks: 20

NoteDance/Pool

reinforcement learning, deep reinforcement learning, RL

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

DRL-Navigation/img_env

A customized grid map-based navigation simulation platform following the Gym API.

Language: Python - Size: 1.23 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 41 - Forks: 6

Juraj326/rl-atari 📦

Reinforcement learning in the domain of games

Language: Python - Size: 48.8 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

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: 3 months ago - Pushed at: almost 8 years ago - Stars: 577 - Forks: 106

zzzyyykkkkkkk/Env-for-VVC

A Deep Reinforcement Learning Environment for Voltage Control in Distribution Networks

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

MiLiT3cH/ThorProject

Retrofitting THOR LED Headlight

Language: G-code - Size: 87.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Genius-Society/SnakeAI

Using deep reinforcement learning to play Snake game. The used algorithm is PPO for discrete! It has the brilliant performance in the field of discrete action space just like in continuous action space. You just need half an hour to train the snake and then it can be as smart as you.|使用深度强化学习玩蛇游戏。 使用的算法是离散的 PPO! 它在离散动作空间领域有着与连续动作空间一样的出色表现。

Language: Python - Size: 1.88 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 24 - Forks: 2

ZJU-RL/rllite

Language: Python - Size: 297 KB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 1

Haloroute/HUST-DRL-Helper

Support retrieving self-assessment scores on Microsoft Forms for HUST students!

Language: JavaScript - Size: 365 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

NegarMov/DRL_Algorithms

A collection of DRL algorithms on Gymnasium environments for hands-on learning and experimentation.

Language: Python - Size: 34.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

beltromatti/deep-reinforcement-learning

A modular, high-level Python package for Deep Reinforcement Learning, designed to simplify the implementation and study of DRL algorithms, offering an accessible and extensible framework for students, researchers, and developers.

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

inoryy/Deep-RL-Bootcamp-Labs

Solutions to the Deep RL Bootcamp labs

Language: Python - Size: 5.79 MB - Last synced at: about 2 months ago - Pushed at: almost 8 years ago - Stars: 43 - Forks: 15

mymusise/Trading-Gym

A Trading environment base on Gym

Language: Python - Size: 271 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 84 - Forks: 24

MLJejuCamp2017/DRL_based_SelfDrivingCarControl

Deep Reinforcement Learning (DQN) based Self Driving Car Control with Vehicle Simulator

Language: C# - Size: 482 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 302 - Forks: 94

erlerobot/gym-gazebo Fork of openai/gym 📦

Refer to https://github.com/AcutronicRobotics/gym-gazebo2 for the new version

Language: Python - Size: 6.72 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 841 - Forks: 282

ugurkanates/NeurIRS2019DroneChallengeRL

Long-Term Planning with Deep Reinforcement Learning on Autonomous Drones

Language: Python - Size: 7.3 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 44 - Forks: 12

paulchen2713/V2X-RA-DRL

Attempt to reimplement the IEEE VTC2023-Spring 'Deep Reinforcement Learning-Based Resource Allocation for Cellular V2X Communications' paper

Language: Python - Size: 21.4 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 1

AcutronicRobotics/gym-gazebo2 📦

gym-gazebo2 is a toolkit for developing and comparing reinforcement learning algorithms using ROS 2 and Gazebo

Language: Python - Size: 6.77 MB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 443 - Forks: 108

MehdiShahbazi/DQN-Cliff-Walking-Gymnasium

This repo implements Deep Q-Network (DQN) for solving the Cliff Walking v0 environment of the Gymnasium library using Python 3.8 and PyTorch 2.0.1 with the finest tuning.

Language: Python - Size: 2.88 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

MehdiShahbazi/DQN-Mountain-Car-Gymnasium

This repo implements Deep Q-Network (DQN) for solving the Mountain Car v0 environment (discrete version) of the Gymnasium library using Python 3.8 and PyTorch 2.0.1 with a custom reward function for faster convergence.

Language: Python - Size: 1020 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

MehdiShahbazi/DQN-Frozenlake-Gymnasium

This repo implements Deep Q-Network (DQN) for solving the Frozenlake-v1 environment of the Gymnasium library using Python 3.8 and PyTorch 2.0.1 in both 4x4 and 8x8 map sizes.

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

lambders/drl-experiments

Training a DRL agent to play Flappy Bird. An exercise to reimplement DQN, A2C, and PPO DRL methods.

Language: Python - Size: 8.98 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 4

Karenina-na/Deep-Learning-Framework

深度学习脚手架

Language: Jupyter Notebook - Size: 55.1 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 25 - Forks: 7

qlt315/UCMEC_COMMAG

Evaluation code and mathematic details of our paper in IEEE Communications Magazine: ''When the User-Centric Network Meets Mobile Edge Computing: Challenges and Optimization''

Language: Python - Size: 336 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 51 - Forks: 4

talaikis/stock_market_reinforcement_learning

Language: Python - Size: 356 KB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 15

MKBasaran/ml-agents Fork of DennisSoemers/ml-agents

Multi-agent reinforcement learning in Unity’s Soccer Twos environment using POCA. Features enhanced observation memory, custom reward shaping, and optimized training configurations. Analyzes ELO performance, computational efficiency, and training trade-offs. Based on Dennis Soemers’ ML-Agents fork.

Language: C# - Size: 2.83 GB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Said-Aabilla/rtos_learned_query_optimizer

Reinforcement Learning with Tree-LSTM for Join Order Selection

Language: Python - Size: 26.6 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

afedyanin/msu-drl

DRL playground

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

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

pedrala/DRL-CupStacking

This code is for stacking plastic cups using DRL(Doosan Robotics Language)

Language: Python - Size: 18.6 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

diogohmcruz/DeepDip 📦

DeepDip, a DRL Gym agent that plays no-press Diplomacy in BANDANA

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

mattiaferrarini/Interactive-DRL

Interactive environment for training and testing a Deep Reinforcement Learning agent based on ε-Greedy Q-Learning.

Language: Python - Size: 13.7 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

DevSlem/AINE-DRL

AINE-DRL is a deep reinforcement learning (DRL) baseline framework. AINE means "Agent IN Environment".

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

vikas-rajpoot/Contorl-CSTR-using-Reinforcement-learning

This study explores using RL for CSTR control, assessing effectiveness vs. traditional controllers (PID, MPC). RL learns optimal behavior to maximize rewards, outperforming NMPC with exploration and lower computational load.

Language: Python - Size: 3.31 MB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 0

QasimWani/RL-Unity

Implementation of Deep Reinforcement Learning algorithms in the Unity game engine.

Language: Jupyter Notebook - Size: 61.2 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 24 - Forks: 5

xuemei-ye/maddpg-mpe

Transplant a implementation of MADDPG to the environment provided by openAI (multiagent-particle-envs).

Language: Python - Size: 2.93 MB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 19 - Forks: 4

Sarmadzandi/Deep-Reinforcement-Learning-based-Decision-Making-in-Autonomous-Driving-Tasks

Deep Reinforcement Learning based Decision-Making in Autonomous Driving Tasks

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

fazelelham32/DL-Workshop-python-matlab-R-programming

Codes and Project for Deep Learning

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

amjadmajid/ROS2-DRL-Turtlebot3-like-LIDAR-Robot

A ROS2-based framework for TurtleBot3-like DRL autonomous navigation

Language: Makefile - Size: 5.77 GB - Last synced at: 10 months ago - Pushed at: about 2 years ago - Stars: 15 - Forks: 1

userWZ/drl_fjssp

End to End Solve Fuzzy job shechuling problem

Language: Python - Size: 83.1 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

Humble1015/TASTE

TASTE

Size: 1.95 KB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

StevenJokess/d2rl

Not interactive deep reinforcement learning book with no-framework code, copied math, no discussions. Adopted at only -1 university(Shanhe University, SHU). BTW, I like this virtual university, which english abbreviation happens to be the pinyin of one part of my Chinese name(Cai "Shu"qi).

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

Lizonghang/AIGCaaS

Official Implementation of AIGC-as-a-Service (AIGCaaS)

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

yura-hb/diploma-thesis

Diploma thesis

Language: Jupyter Notebook - Size: 31.8 MB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

NishanthVAnand/Preferential-Temporal-Difference-Learning

Code to reproduce results of the paper - Preferential Temporal Difference Learning.

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

JanisGeise/MB_DRL_for_accelerated_learning_from_CFD

model-based deep reinforcement learning for flow control applications in CFD

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 2

nikuleo/DRL-Pytorch-DEMO

My DRL(Deep Reinforcement Learning ) algorithm demo, base on pytorch and gym environment.

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

manojsingh3889/RuleEngine

RuleEngine based on Red hat jboss BRMS using drool rules.

Language: Java - Size: 48.8 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

DougTrajano/drl-flappy-bird

DRL project with Flappy Bird Environment. It was my term project in reinforcement learning course at pucrs.br

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

akaAlbo/deeprlbootcamp

Solution to the Deep RL Bootcamp labs from UC Berkeley

Language: Jupyter Notebook - Size: 5.86 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

minqi/learning-to-communicate-pytorch

Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch

Language: Python - Size: 85 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 336 - Forks: 73

JanisGeise/robust_MB_DRL_for_flow_control

Student thesis project about model-based deep reinforcement learning for controlling the flow past a cylinder

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

roderickmonk/DRL-framework

This repo is the executive module for a Deep Reinforcement Learning (DRL) framework (note the diagram below). The other related repos remain private.

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

yavuzskarahan/aerop

Deep Reinforcement Learning approach to Environment-depented Aerodynamic Drone Design Optimization Problem

Size: 229 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Kexin-Wei/Soft-tissue-deformation-in-laparoscopic-surgery-planning-with-DRL

Soft Tissue Simulation for laparoscopic surgery based CoppeliaSim with basic task managed by DRL agent (spinningup algorithm)

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

MehdiShahbazi/REINFORCE-Cart-Pole-Gymnasium

This repo implements the REINFORCE algorithm for solving the Cart Pole V1 environment of the Gymnasium library using Python 3.8 and PyTorch 2.0.1.

Language: Python - Size: 636 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 2

cosbidev/DRL-4-Early-Stress-Detection

Language: Python - Size: 21.5 KB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

jingweiz/renderer

a ROS package to turn your point clouds into a simulator for training DRL agents

Language: C++ - Size: 30.3 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 2

KohlerHECTOR/TREX-Tree-Reward-EXploration

Using Tree estimators of the MDP models to then count leaves grouping similar transitions and do count-based exploration.

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

JanisGeise/learning_of_optimized_multigrid_solver_settings_for_CFD_applications

Master thesis about using DRL for optimizing multigrid solver settings in OpenFoam

Language: C++ - Size: 939 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

concaption/cartpole-drl

cartpole example project for deep reinforcement learning

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

kdally/fault-tolerant-flight-control-drl

Deep Reinforcement Learning for Flight Control

Language: Python - Size: 142 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 6

mehdimo/reinforcement-learning-handson

Sample projects to learn reinforcement learning and deep reinforcement learning in practice.

Language: Python - Size: 213 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 7

dmarrazzo/ruleflow

how to use the rule-flow to orchestrate DRL rules

Language: Java - Size: 37.1 KB - Last synced at: 15 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

minhna1112/multi-agent-colcomp

Solution to Project III: Collaboration and Competition in Reinforcement Learning

Language: HTML - Size: 21 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

frkr/drlexec 📦

Sample start to learn drools

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

binarycopycode/CRP_DAM

Dynamic Attention Model – A Deep Reinforcement Learning Approach for Container Relocation Problem

Language: Python - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

alga-hopf/drl-graph-partitioning

DRL models for graph partitioning and sparse matrix ordering.

Language: Python - Size: 7.73 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 14 - Forks: 8

Kyushik/DRL

Repository for codes of 'Deep Reinforcement Learning'

Language: Python - Size: 7.62 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 204 - Forks: 43

amiralansary/rl-medical

Deep Reinforcement Learning (DRL) agents applied to medical images

Language: Python - Size: 158 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 172 - Forks: 67

tik0/udacity_project_tennis

Third Project from the Collaboration and Competition Lesson

Language: ASP - Size: 31.6 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Postitisnt/MicroRacer_PAO

This repository contains the final DRL model produced for the final competition of the Machine Learning course.

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

caoshiyi/a3c_indigo

DRL in Network Congestion Control. Completion of the A3C implementation of Indigo based on the original Indigo codes. Tested on Pantheon.

Language: Python - Size: 7.04 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 1

caoshiyi/AdaM

The source code for the ICPP'19 paper AdaM: An Adaptive Fine-Grained Scheme for Distributed Metadata Management.

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

DonsetPG/fenics-DRL

Repository from the paper https://arxiv.org/abs/1908.04127, to train Deep Reinforcement Learning in Fluid Mechanics Setup.

Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 25

jingweiz/pytorch-distributed

Ape-X DQN & DDPG with pytorch & tensorboard

Language: Python - Size: 142 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 99 - Forks: 14

ZYunfeii/DRL_algorithm_library

This is a reinforcement learning algorithm library. The code takes into account both performance and simplicity, with little dependence.

Language: Python - Size: 20.7 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 54 - Forks: 16

iciac/POMDP

POMDPX converter and simulator for testing DRL algorithms on classic POMDP problems.

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

Beshario/DRL-Robotics-Arm

Robotic Arm learns to approach objects using Deep Reinforcement Learning

Language: C++ - Size: 5.13 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 0

Arena-Rosnav/applr

Language: Python - Size: 2.34 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

kevin031060/RL_TSP_4static

Deep Reinforcement Learning for Multiobjective Optimization. Code for this paper

Language: Python - Size: 153 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 66 - Forks: 30

cfl-minds/drl_shape_optimization 📦

Deep reinforcement learning to perform shape optimization

Language: Python - Size: 1010 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 39 - Forks: 13

chengscott/dlp-lab 📦

Deep Learning and Practice: DRL Labs

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