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

GitHub topics: dqn-pytorch

kishorkukreja/SupplyChainReinforcement

Supply Chain Reinforcement Learning

Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

ichuniq/Data-Science

Courseworks in Data Science, Spring '20: including RL, Optimization, Deep Compression and more

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

filesmuggler/sneaky_snakes

Snake game with RL

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

therealcyberlord/DQN-PacMan

PyTorch Implementation of DQN to play Atari games

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

Tsilkow/Rainbow-DQN

Implementation of Rainbow DQN, a combination of recent improvements in DQN algorithms from paper by (Hessel 2017)

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

rvdweerd/simmodel

Solving pursuit-evasion problems on graphs using Reinfocement Learning and GNNs

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

ChristoffelDoorman/network-rewiring-rl

Code for article "Dynamic Network Reconfiguration for Entropy Maximization using Deep Reinforcement Learning" (LoG 2022)

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

AbhishekRS4/DRL_assignments

Deep Reinforcement Learning

Language: Jupyter Notebook - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sonnhfit/deepair

PyTorch implementations of Deep reinforcement learning algorithms.

Language: Python - Size: 669 KB - Last synced at: 8 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

gxywy/pytorch-dqn

:beers: A simple implementation of dqn algorithm using pytorch

Language: Python - Size: 275 KB - Last synced at: 6 months ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 2

EricLee8/CS489-ReinforcementLearning-Project

Project of Reinforcement Learning course

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

tinsir888/Competition_AAMAS2023 Fork of jidiai/Competition_AAMAS2023 📦

source code for AAMAS 2023 Imperfect-information Card Game Competition

Language: Jupyter Notebook - Size: 6.85 MB - Last synced at: 11 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ggarrofe/RL_Tabular_Methods

Revisiting tabular and deep reinforcement learning methods.

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

Dimweaker/FlappyDQN

Training AI agent to play flappy bird with DQN.

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

EliaFantini/Q-NIM-ai-learns-to-play-Nim-using-standard-and-deep-Q-Learning

Reinforcement Learning: Q-Learning and Deep Q-Learning to train artificial agents that can play the famous game of Nim.

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

kartik2309/RLPack

Implementation of RL Algorithms with PyTorch.

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

RishabhMalviya/dqn_experiments

Experimenting with PyTorch DQNs on various environments

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

kaneda2004/ReinforcementLearningTextCompression

A rudimentary implementation of DQN RL for Text Compression

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

bmaxdk/OpenAI-Gym-LunarLander-v2

Deep Q-Learning to solve OpenAI Gym's LunarLander environment.

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

achraf-azize/2048-DQN

Training a double duel Q-learning agent to achieve the 2048 tile in the Puzzle Game 2048, within 3 hours constraint using google Colab GPU.

Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

KaleabTessera/DQN-Atari

Deep Q-Learning (DQN) implementation for Atari pong.

Language: Python - Size: 17.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 58 - Forks: 9

SalvatoreCognetta/DQN-NonMarkovian

Project for Reasoning Agent course, Rome University of Sapienza

Language: TeX - Size: 138 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

Kreyparion/Harvest-Competition-Agents

My solution to the Harvest Competition

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

ShivankYadav/LunarLander-using-DQN

We apply DQN algorithm to make and artificial agent learn how to land space-craft on moon.

Language: Jupyter Notebook - Size: 13.4 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

mrdvince/reinforcement_learning 📦

A bunch of reinforcement learning implementations in PyTorch, will eventually include Deep Q-Networks (DQN), Deep Deterministic Policy Gradients (DDPG) etc

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

ShivankYadav/BananaPicker-Navigation

We train an agent to manuver in a 3-D environment avoiding blue bananas and picking yellow ones as fast as possible.

Language: Jupyter Notebook - Size: 5.53 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 2

ekorudiawan/DQN-robot-arm

Deep Q learning algorithm written on PyTorch for solving 2D robot arm reacher

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

yl-code-it/Q_Learning_RL_Robotic_Path_Planning_2D_Gridworld

Robot Manipulator Path Planning using Q-Learning – 2D Grid World Case Study

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

rushhan/Generative-Adversarial-User-Model-for-Reinforcement-Learning-Based-Recommendation-System-Pytorch

Language: Python - Size: 1.36 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 35 - Forks: 15

niranjana1997/Nokia_Snake_Game_With_Reinforcement-Learning

This project is about implementing the reinforcement learning algorithm Deep Q-Learning on the Nokia's Snake Game to predict the actions. It makes use of the Python's Pygame and Pytorch libraries.

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

nicoleorzan/emergent-communication

Studying emergent communication among agents in cooperative and competitive environments using Reinforcement Learning, game theory and replicator dynamics

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

jiaxiang-cheng/PyTorch-PDQN-for-Digital-Twin-ACS

PyTorch implementation of RIC for conveyor systems with Deep Q-Networks (DQN) and Profit-Sharing (PS). Wang, T., Cheng, J., Yang, Y., Esposito, C., Snoussi, H., & Tao, F. (2020). Adaptive Optimization Method in Digital Twin Conveyor Systems via Range-Inspection Control. IEEE Transactions on Automation Science and Engineering.

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

UoA-CARES/mobile_robot_learning_testbed

Implementation of Reinforcement Learning Based Autonmous Control of a TurtleBot2 as a substitute for a Formula SAE Car

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

Intelligent-Systems-Phystech/BasicDeepNets 📦

Basic neural nets, explained and implemented

Language: Jupyter Notebook - Size: 20.1 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 3

francescotorregrossa/deep-reinforcement-learning-nanodegree

Exercises and projects from Udacity's Nanodegree

Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

nsoojin/deep-reinforcement-learning

Deep Reinforcement Learning Nanodegree program

Language: Jupyter Notebook - Size: 88 MB - Last synced at: 4 days ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

dsinghnegi/atari_RL_agent

RL based agent for atari games

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

luizcartolano2/reinforcement-learning-dqn-cart-pole

Use PyTorch to train a Deep Q Learning (DQN) agent on the CartPole-v0 task from the OpenAI Gym.

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

carlacodes/atchekegroup1lunarlanding

Repo hosting the NMA Deep Learning - Lunar Lander transfer learning project repository for Group 1, Atcheke Pod (transferlanders)

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

allwinlucious/FlappyBird_DQN

AI learns to play Flappy Bird using Deep Q Learning

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

Sardhendu/DeepRL

Deep Reinforcement Learning Projects

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

jerrywn121/FlappyBird_Pytorch_DQN

Pytorch Implementation of DQN for Playing Flappy Bird

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

pranshurastogi29/BTC_mining_fees_optimization_RL

In this project, I have tried to use DeepRL for optimizing the selection of transactions done by the miner to increase the fee when they execute a block on the chain

Language: Jupyter Notebook - Size: 471 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

YimingQiao/RL-Enduro

Deep Reinforcement Learning for for Atari Game

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

ken-power/DRLND_Navigation

Use Deep Reinforcement Learning to train an agent to navigate in a large, square world and collect bananas.

Language: Jupyter Notebook - Size: 3.31 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

wangzishuo2002/reinforcement_learning_tutorials

simple reinforcement learning simulation for DQN and DDPG

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

MoonOutCloudBack/Q-learning-demo

Naive reproductions of 1) Q-learning, 2) Sarsa, 3) DQN / DDQN

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

mhyrzt/D2QN

Implementation of Double DQN with Pytorch

Language: Python - Size: 131 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

iamvigneshwars/cartpole-dqn-pytorch

AI Agent learn to sole the cart and pole environment in the OpenAI gym. The agent is built using deep-q-network to approximate the q-values of state-action pair.

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

ArianeDlns/rl-practice

This repository contains practical session for the Reinforcement Learning course @CentraleSupélec

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

foersterrobert/Space-Invaders-AI

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

DigZator/cartpole-v0-DQN

Solving the gym cartpole v0 problem

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

maxbundscherer/ml-game

Just another approach to do machine learning stuff on games.

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

smitkiri/deep_q_learning

Implementation of various Deep Q-Network (DQN) variants

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

nlddfn/Udacity_RL_P1_D3QN

Project 1: Train agent on UnityEnvironment (Banana App) using Double Dueling Q Network

Language: Jupyter Notebook - Size: 535 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

atahanyorganci/dqn

DQN model developed for Bilkent University CS 464 Term Project

Language: Jupyter Notebook - Size: 19 MB - Last synced at: 17 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

gowrijsuria/DeepQNetwork

Implementation of Deep Q Network in Pybullet

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

lovesaroha/Snake-Game-Training

Teaching AI to play snake game using (Pytorch, Pygame).

Language: Python - Size: 17.6 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

KiUngSong/RL

Repository of Various Test & Implementation of RL

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

kirilllzaitsev/solving_maze_with_RL

Project aims at probing various RL strategies to solve the labyrinth environment

Language: Python - Size: 3.27 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

abdullahalzubaer/DQN-PyTorch

DQN implementation using PyTorch for CartPole-v0 environment.

Language: Python - Size: 209 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

elifons/DeepRL-Navigation

Implementation of a DQN agent

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

wegfawefgawefg/wegs-drl-baselines

Minimum viable reinforcement learning algorithms for your educational convenience.

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

SandeepPadhi/AI_That_Plays_Snake

The project is a practical implementation of Deep QLearning built using pytorch and pygame.Here,the AI learns to play Snake..!!!

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

BPDanek/learning-reinforcement-learning

Learning DQN in OpenAI Gym with pytorch

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

USC-CSCI527-Spring2021/Doodle-Jump

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

sizzle0121/Deep-FlappyBird

Playing Flappy Bird based on Deep Q Network (DQN) and Dueling DQN

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

nkarasovd/HSE_Reinforcement_Learning

:robot: Materials and homework assignments for HSE reinforcement learning course

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

HiroForYou/Snake-PyTorch

Agent based on DQN to solve the problem of the snake and the food (Snake).

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

lyh983012/GymRL_Project

DQN algorithm validation with gym/Mario bro

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

french-ai/reinforcement

Reinforcement learning modular with pytorch

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 1

kyle-jarvis/drlnd-navigation

A development environment for building, experimenting with, comparing and evaluating Deep Reinforcement Learning Agents. Specifically includes solution to Navigation project of Udacity's Deep Reinforcement Learning Nanodegree.

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

moabitcoin/cherry-pytorch

Reinforcement Learning Tutorials & other bedtime stories in PyTorch

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

jeffasante/chrome-dino-RL

Deep Q-Learning Network in pytorch.

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

MarcinPerka/FrozenLakeRL

Implementation of Reinforcement Learning temporal-differences methods in Frozen Lake environment.

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

srikanthkb/Q-Learning-Agents

Implementing Deep Q Network and its improvement techniques using Pytorch

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

atharva-tendle/rl-navigation

DQN agent which navigates an environment and collects bananas.

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

nithiroj/DQN-Navigation

Deep Q-network reinforcement learning.

Language: ASP - Size: 23.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

zhuohann/NavigationDQN

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

Related Keywords
dqn-pytorch 179 reinforcement-learning 115 pytorch 63 dqn 60 deep-reinforcement-learning 40 python 26 deep-learning 21 machine-learning 19 reinforcement-learning-algorithms 16 openai-gym 15 atari 13 q-learning 13 python3 12 pygame 12 ppo-pytorch 12 deep-q-learning 11 ai 11 pytorch-implementation 10 reinforcement-learning-agent 10 prioritized-experience-replay 9 ddpg-pytorch 8 dueling-dqn 8 neural-network 8 ppo 8 double-dqn 8 ddqn-pyotrch 8 deep-q-network 8 snake-game 7 rl 7 gym 7 ddqn 7 ddpg 6 artificial-intelligence 6 atari-games 5 pong 5 gym-environment 5 gymnasium-environment 5 td3-pytorch 5 game 5 multi-agent-reinforcement-learning 4 openai 4 gan 4 lunarlander-v2 4 reinforcement-learning-environments 4 sarsa 4 rainbow-dqn 4 flappy-bird 4 ddpg-algorithm 4 actor-critic 4 sac-pytorch 4 dueling-ddqn 4 rainbow 4 proximal-policy-optimization 4 td3 4 model-free-rl 3 experience-replay 3 dqn-variants 3 dynamic-programming 3 matplotlib 3 d3qn 3 agents 3 tensorboard 3 a3c 3 dqn-agents 3 neural-networks 3 pytorch-rl 3 cnn 3 sumo 3 noisy-dqn 3 multiprocessing 3 marl 3 cartpole-v0 3 dueling-network-architecture 3 dueling-dqn-pytorch 3 udacity-nanodegree 3 unity3d 3 a3c-agent 2 optimization 2 deepq-learning 2 a2c-algorithm 2 graph-neural-networks 2 python-3 2 artificial-neural-networks 2 deep-neural-networks 2 atari2600 2 agent 2 stablebaselines3 2 generative-adversarial-network 2 gymnasium 2 artificial-intelligence-algorithms 2 deep 2 drl 2 unity-environment 2 soft-actor-critic 2 sac 2 reinforce 2 monte-carlo-methods 2 lstm 2 network 2 inventory-management 2