GitHub topics: dqn-pytorch
philtabor/ProtoRL
A Torch Based RL Framework for Rapid Prototyping of Research Papers
Language: Python - Size: 202 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 66 - Forks: 5

yassinhawari/FreeHoopRL
# FreeHoopRLThis project uses a Deep Q-Network (DQN) algorithm to train an AI agent for shooting basketballs in a simple 2D environment. The agent learns to choose the right angle and force to score points, with results visualized through training and analysis graphs. 🎉🤖
Language: Python - Size: 17.6 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

ProspectivePulse/rl_optimize_warehouse_storage_management
Optimize the storage of items in a simulated warehouse environment
Language: Jupyter Notebook - Size: 3.53 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

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: 13 days ago - Pushed at: 13 days ago - Stars: 143 - Forks: 9

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

GangSuUGA/StageLight
SUMO Pytorch Deep Reinforcement Learning Traffic Signal Control
Language: Jupyter Notebook - Size: 841 KB - Last synced at: 3 days ago - Pushed at: over 3 years ago - Stars: 41 - Forks: 5

AStrangePotato/Trackmania-DQN
Competitive PPO agent learns to race in the game Trackmania, with LIDAR inputs and game state using TMInterface.
Language: Python - Size: 33.3 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

nonkloq/mazeharvest
A Grid Based RL Environment & Implementaions of few Deep-RL Algorithms.
Language: Python - Size: 33.2 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

blavad/marl
Multi-agent reinforcement learning framework
Language: Python - Size: 6.39 MB - Last synced at: 27 days ago - Pushed at: almost 5 years ago - Stars: 32 - Forks: 8

foersterrobert/DQpoNg
Use the movements of your thumb to play Pong against a pre-trained Double-DQN-Agent. I used Google-Colab for training the pyTorch model and created the Pong environment with Pygame.
Language: Jupyter Notebook - Size: 132 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 1

BY571/DQN-Atari-Agents
DQN-Atari-Agents: Modularized & Parallel PyTorch implementation of several DQN Agents, i.a. DDQN, Dueling DQN, Noisy DQN, C51, Rainbow, and DRQN
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 123 - Forks: 14

Wahgew/TCSS-435-RL-Lunar-Lander
Solving Lunar Lander with Deep Q-Networks
Language: Python - Size: 932 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

abbasmsh1/TurboFighter
AI bot that plays Street Fighter II Turbo using Python and the BizHawk emulator.
Language: Lua - Size: 85.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

bhctsntrk/OpenAIPong-DQN
Solving Atari Pong Game w/ Duel Double DQN in Pytorch
Language: Jupyter Notebook - Size: 4.44 MB - Last synced at: 24 days ago - Pushed at: almost 5 years ago - Stars: 32 - Forks: 11

beltromatti/cartpole-drl
A Deep Q-Network (DQN) agent trained to play CartPole using Deep Reinforcement Learning. A didactic project showcasing DRL concepts and implementation.
Language: Python - Size: 21.5 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

anilsh/tracking_camsel
Intelligent Camera Selection Decisions for Target Tracking
Language: Jupyter Notebook - Size: 33.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 4 - Forks: 0

dhrumilp15/madelines-policy-climb
Climbing Mt. Celeste!!
Language: Python - Size: 95.7 KB - Last synced at: 2 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

KianoushAmirpour/Traffic-signal-control-with-Reinforcement-Learning
Using Deep Q-Network agent to optimize a traffic signal at a single intersection
Language: Python - Size: 89.8 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

DPS0340/DQNDemo
Deep Q-Learning from Demonstrations implementation using Pytorch & OpenAI Gym
Language: Python - Size: 8.6 MB - Last synced at: 2 days ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 2

aksub99/MolDQN-pytorch
A PyTorch Implementation of "Optimization of Molecules via Deep Reinforcement Learning".
Language: Python - Size: 3.05 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 78 - Forks: 26

TTitcombe/DQN
PyTorch implementation of Deep Q Learning
Language: Python - Size: 24.2 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2

antonio-f/Deep_Q-Network
Deep Q-Network example from Udacity's Deep Reinforcement Learning Nanodegree.
Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

psimatis/Mancala-AI
The Mancala board game with several AI bots
Language: Python - Size: 2.04 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

me0w00f/red-snake-ai
🐍 Red Snake AI - A DQN-based snake game with customizable skins. Train an AI to play snake or play it yourself! Features multiple themes (Classic Red/Gold/Neon), wandb integration, and pixel graphics. Built with PyTorch & Pygame.
Language: Python - Size: 659 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

raselmahmud-coder/Deep-Q-Network-DQN-Variants-Analysis-for-Optimization
This repository contains PyTorch implementations of three DQN variants: Classic DQN, Double DQN, and Dueling DQN. These implementations are designed for OpenAI Gymnasium environments, demonstrating the evolution and improvements in DQN architectures.
Language: Python - Size: 6.94 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

arashsajjadi/Stockfish-DQN-Agent
♟️ Optimized Chess RL Trainer using DQN vs Stockfish. Built with PyTorch and python-chess, it learns using per-move rewards from Stockfish evaluations. Implements Prioritized Experience Replay (PER) and parallel CPU/GPU execution for faster training. The agent dynamically adjusts Stockfish skill level based on performance.
Language: Python - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

sedhehe/Smart_Traffic_Management_System_Using_YOLOv11_and_GBML_DQN
This my major project where we control the traffic signal based on the traffic density and prioritizing emergency vehicles if present using GBML-DQN and detect vehicles using YOLOv11
Language: Python - Size: 68.5 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

bbordere/Learn2Slither
Snake game using reinforcement learning
Language: Python - Size: 1.89 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Abhigyan126/Track-DQN
A simulation built with Pygame to teach a car to drive using Deep Q-Learning (DQN) and raycast sensors on procedurally generated roads.
Language: Python - Size: 1.47 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 1

Abhigyan126/Snake-DQN
A PyGame implementation of Snake game trained using Deep Q-Learning Network (DQN), combining classic gameplay with modern reinforcement learning.
Language: Python - Size: 184 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 1

markbakos/ai-project-recommender
Discover personalized GitHub project recommendations powered by a DQN reinforcement learning agent to inspire you for your next project.
Language: TypeScript - Size: 72.3 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

laszukdawid/ai-traineree
PyTorch agents and tools for (Deep) Reinforcement Learning
Language: Python - Size: 1.23 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 25 - Forks: 6

Manohara-Ai/Snake-Q-Learning
An experimental Snake game where a Deep Q-Network (DQN) agent learns to navigate the environment, avoid obstacles, and find food using reinforcement learning techniques.
Language: Python - Size: 590 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 2 - 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: 3 months ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 5

DKay7/DDQN_Snake_game
DDQN algorithm playing snake game
Language: Python - Size: 4.67 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

dawan0111/ROS2-Reinforcement-Learning-Drive
This repository provides a customizable ROS2 environment for training multiple 2D drive cars using Deep Q-Network (DQN). Currently, agents learn collision-free navigation by avoiding obstacles, but the environment is designed to allow easy modification to train for various objectives in the future.
Language: C++ - Size: 173 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

makaveli10/reinforcementLearning
Reinforcement Learning - Implementation of Exercises, algorithms from the book Sutton Barto and David silver's RL course in Python, OpenAI Gym.
Language: Jupyter Notebook - Size: 6.84 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 4

RichardFindlay/battery-optimisation-with-drl
Grid-scale li-ion battery optimisation for wholesale market arbitrage, using pytorch implementation of dqn, double dueling dqn and a noisy network dqn.
Language: Python - Size: 91.5 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 6

sundarielango95/DQNforUnity
DQN model for use with Unity games
Language: Python - Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Lin-TzuLing/NYCU-DLP-2023
Deep Learning & Labs Course, NYCU, 2023
Language: Jupyter Notebook - Size: 82.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

manjavacas/dqn-from-scratch
DQN implementation from scratch.
Language: Python - Size: 13.7 KB - Last synced at: 23 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

Achronus/rl_atari_games
An exploration of the effects of Intrinsic Motivation methods on RL algorithms using Atari games.
Language: Python - Size: 40.8 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

ShivamGupta92/Reinforcement_learning_SnakeGameAI
Deep Q-Networks (DQN) to train an AI agent to play the Snake game. The AI controls the snake, making decisions in real-time to maximize its score while avoiding collisions. The agent learns to improve its performance by playing multiple games and adjusting its strategy based on rewards and penalties.
Language: Python - Size: 1.02 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

yashk2000/Gridworld-RL
Using deep Q learning to play Gridworld
Language: Jupyter Notebook - Size: 226 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

AshwinSankar17/DeepRL
Various algorithms implemented with CLI for easier training and testing purposes
Language: Python - Size: 35.1 MB - Last synced at: 11 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Manisha2612/Lunar-Lander-DQN-DDQN
Deep Reinforcement Learning on Lunar Lander gym environment
Language: Jupyter Notebook - Size: 314 KB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Jack-Sandberg/DQN
Implementation of DQN, Double DQN and Dueling DQN using PyTorch.
Language: Python - Size: 86.7 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 0

HegdeChaitra/Atari_RL_agent
Implementation of DQN and DDQN algorithms in Pytorch to play Atari game
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 12 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

bit-baker/Fairness-in-Multi-Agent-Systems
Ensuring trust among agents using Multi-Agent Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

bit-baker/DQN_DDQN
Value Based and policy gradient Algorithms Implementation on single and multi agent environments.
Language: Jupyter Notebook - Size: 1.95 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tkcoding/DeepRL
Implementing deep reinforcement learning algorithm for banana collector and other upcoming project. Using different technique such as Deep Q-network (DQN) and Double Deep Quick Network (DDQN)
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

yarinbnyamin/DQN
Deep Q-Learning Network using PyTorch
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Spinkoo/Matlab2TorchRL
This project is a pipeline that connects a Matlab simulation (Simulink) to an OpenAI Gym wrapper for PyTorch Reinforcement Learning using the DQN algorithm.
Language: MATLAB - Size: 774 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 1

Amirarsalan-sn/Lunar-Lander
Lunar Lander envitoment of gymnasium solved using Double DQN and D3QN
Language: Python - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

bantu-4879/Atari_Games-Deep_Reinforcement_Learning
This repository hosts Jupyter notebooks showcasing the training of Atari games using a variety of Deep Reinforcement Learning (RL) algorithms such as Proximal Policy Optimization (PPO), Deep Deterministic Policy Gradient (DDPG), Deep Q-Networks (DQN), Advantage Actor-Critic (A2C), and more.
Language: Jupyter Notebook - Size: 364 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

zhihanyang2022/pytorch-dqn
A minimalistic and friendly implementation of DQN using PyTorch.
Language: Python - Size: 209 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

FABallemand/crazy_machine
Reinforcement learning on 2D video game
Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

shreyasngredd/ReinforcementLearning
Four python code files experimenting with reinforcement learning
Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jakemaz66/Reinforcement_Learning_Algorithms
Custom implementations of RL algorithms that can solve complex tasks like Atari games
Language: Python - Size: 215 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Amirarsalan-sn/CartPoleV1
CartPole v1 of gymnasium library solved using two Reinforcement learning algorithms(DQN and SARSA) with two policies (epsilon-greedy and Boltzmann), with results.
Language: Python - Size: 2.97 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

dfoshidero/RLModels-Doom_CartPole
Collection of Reinforcement Learning models for training in the VizDoom and CartPole environments. Developed by Group 2 for the University of Bath's CM50270 module, exploring advanced strategies for models navigating complex situations.
Language: Jupyter Notebook - Size: 504 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

alpayariyak/Atari-Advanced-DQN
Using a Deep Q Network(DQN) to play Atari Breakout
Language: Python - Size: 216 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Rajarshi1001/CS780
Repository contains codes for the course CS780: Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 167 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

00dhkim/Tank-RL
2022 K-전차 인공지능 챌린지 대회 - 환경 구축 및 강화학습 구현
Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

BY571/FQF-and-Extensions
PyTorch implementation of the state-of-the-art distributional reinforcement learning algorithm Fully Parameterized Quantile Function (FQF) and Extensions: N-step Bootstrapping, PER, Noisy Layer, Dueling Networks, and parallelization.
Language: Jupyter Notebook - Size: 2.82 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 10

henry32144/drlnd-navigation
Using DQN to train an agent to collect banana!
Language: HTML - Size: 6.51 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

sagnik1511/RL-PyTorch
Reinforcement Learning Implementations in PyTorch
Language: Python - Size: 64.5 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jibinmathew69/PyTorch1.x-Tutorial
This is repository teaching PyTorch1.0.
Language: Jupyter Notebook - Size: 2.3 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 5

JLMadsen/TetrisAI
Tetris AI: Genetic algorithm, Imitation, & Deep Q-Learning. TDAT3025, NTNU.
Language: Python - Size: 49.2 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Onishenko-sci/SimToRealRL
Gymnasium environment based on real room and robot
Language: Python - Size: 36.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

josiahls/fast-reinforcement-learning
Important Note fastrl version 2 is being developed at fastrl. Note the link in the readme
Language: Jupyter Notebook - Size: 87.6 MB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 38 - Forks: 5

hexontos/SnakeQ
AI is learning to play snake. Using Reinforcement learning -> Deep Q learning (DQN). GUI is in pygame. Under MIT license.
Language: Python - Size: 317 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

iewug/Atari-DQN
PyTorch implementation of DQN, DDQN and Dueling DQN to solve Atari games including PongNoFrameskip-v4, BreakoutNoFrameskip-v4 and BoxingNoFrameskip-v4
Language: Python - Size: 1.99 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 2

shangeth/DRL-Navigator
Language: Jupyter Notebook - Size: 2.57 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

SkullkyAI/MARIO-DDQN
Implementación de un agente de aprendizaje por refuerzo con Redes Neuronales Profundas (DQN) para jugar Super Mario, con hiperparámetros personalizables y características como buffer de repetición y política epsilon-greedy.
Language: Jupyter Notebook - Size: 154 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

batuhan3526/AirSim-PyTorch-Drone-DDQN-Agent
This code is the result of the collaboration of RL Turkey team.
Language: Python - Size: 27.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 5

drthgz/DQN-Navigate_bananas
My attempt and submission of DQN implementation to navigate Unity environment to collect yellow Banana and avoid blue Banana.
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

HeChengHui/ESP3201_Project
Project done in Y4S1 (Late 2021) - Sim-to-Real Transfer using Webots and Anki Vector Robot
Language: Python - Size: 2.31 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

EnriqManComp/Lunar-Lander-DRL-Dueling-DoubleDQN
This is a Deep Reinforcement Learning solution for the Lunar Lander problem in OpenAI Gym using dueling network architecture and the double DQN algorithm.
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

redEddie/turtlebot3_machine_learning Fork of ROBOTIS-GIT/turtlebot3_machine_learning
minor upgrade for ttb3 from melodic to noetic with pytorch
Language: Python - Size: 27.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

HariKrishnan06082k/RL_DQN_Planar_Pushing_ABB
Implementation of DQN Network in ABB YuMi Manipulator to do planar pushing under external perturbance.
Language: Python - Size: 766 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

fiore42/Prisoner-Dilemma-DQN-Python
Iterative Prisoner Dilemma - Tournament of 20+ classic strategies and an ML player built with DQN
Language: Python - Size: 7.34 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

thabsheerjm/DQN_atari-Breakout
DQN agent playing atari breakout game on Openai Gym environment
Language: Python - Size: 2.63 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

davide97l/Rainbow
Implementation and evaluation of the RL algorithm Rainbow to learn to play Atari games.
Language: Python - Size: 90.6 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 2

hutanmihai/reinforcement-learning-skiing
⛷ DQN and DDQN algorithms for OpenAI Gym Skiing environment 🎮
Language: Python - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

wiitt/DQN-Car-Racing
Implementation of DQN and DDQN algorithms for Playing Car Racing Game
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GSJProgo/RL-Catan
PyTorch-based reinforcement learning implementation of A3C and DQN algorithms for a 2-player Catan environment
Language: Python - Size: 231 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sushant-ctrl/DQN-Algorithms
This Repository has the Implementations of variants of the Q Learning Algorithms
Size: 206 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

jk96491/Unity-ML-Agents
Unity 강화학습 알고리즘 및 게임 환경을 제공합니다.
Language: ASP.NET - Size: 33.8 MB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1

RegiaYoung/RL_DQN
Mid-term Assignment : Breakout game——SYSU RL Course.
Language: Jupyter Notebook - Size: 27.2 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Desny/traffic_light_rl
Integrate AutoRL into DQN to implement a single traffic signal control system.
Language: Python - Size: 680 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

Arancew/simple_forcement_Learning
基于pytoch的俩个简单的强化学习案例
Language: Python - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Lizhi-sjtu/DRL-code-pytorch
Concise pytorch implements of DRL algorithms, including REINFORCE, A2C, DQN, PPO(discrete and continuous), DDPG, TD3, SAC.
Language: Python - Size: 3.37 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 656 - Forks: 124

HyeAnn-Lee/DQN-gordicaleksa Fork of gordicaleksa/pytorch-learn-reinforcement-learning
Forked from gordicaleksa
Language: Python - Size: 13.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

joao-d-oliveira/RL-SmartAgent-BananaGame
OpenAI Banana Game Reinforced Learning
Language: Jupyter Notebook - Size: 30 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

d4niee/DeepQLearning-SnakeGame
This project implements an AI that learns the Snake game through Deep Q-Learning. It uses Fast Forward and CNN-based training to learn the optimal game strategy and visualises the learning process.
Language: Python - Size: 1.41 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

arya-ebrahimi/rl-playground
tabular and deep rl algorithms
Language: Jupyter Notebook - Size: 64.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mayankiitg/TrafficLight-RL
Control Traffic lights intelligently with Reinforcement Learning!
Language: Jupyter Notebook - Size: 3.26 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 5

reskipper/CTGAN-DQN
(Archived📂) Try to use GAN to enrich the experience replay in DQN. (NOT ideal, 2021)
Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

kishorkukreja/SupplyChainv0_gym
Reinforcement Learning for Optimal inventory policy
Language: Python - Size: 4.01 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 3
