An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with deep-q-network

A curated list of projects in awesome lists tagged with deep-q-network .

https://github.com/keon/deep-q-learning

Minimal Deep Q Learning (DQN & DDQN) implementations in Keras

ddqn deep-learning deep-q-network deep-reinforcement-learning dqn reinforcement-learning

Last synced: 29 Sep 2025

https://github.com/accel-brain/accel-brain-code

The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.

auto-encoder automatic-summarization combinatorial-optimization deep-learning deep-q-network deep-reinforcement-learning energy-based-model generative-adversarial-network lstm multi-agent-reinforcement-learning q-learning quantum-annealing quantum-monte-carlo reinforcement-learning restricted-boltzmann-machine self-supervised-learning semi-supervised-learning simulated-annealing transfer-learning

Last synced: 30 Oct 2025

https://github.com/cyoon1729/deep-Q-networks

Implementations of algorithms from the Q-learning family. Implementations inlcude: DQN, DDQN, Dueling DQN, PER+DQN, Noisy DQN, C51

deep-q-network pytorch q-learning reinforcement-learning

Last synced: 19 Jul 2025

https://github.com/gordicaleksa/pytorch-learn-reinforcement-learning

A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.

deep-learning deep-q-network dqn jupyter policy-gradient ppo python pytorch pytorch-dqn pytorch-implementation pytorch-policy-gradient pytorch-ppo reinforcement-learning reinforcement-learning-algorithms rl

Last synced: 12 Sep 2025

https://github.com/jhu-lcsr/good_robot

"Good Robot! Now Watch This!": Repurposing Reinforcement Learning for Task-to-Task Transfer; and “Good Robot!”: Efficient Reinforcement Learning for Multi-Step Visual Tasks with Sim to Real Transfer

computer-vision deep-learning deep-q-network deep-reinforcement-learning grasping learning-from-demonstration manipulation multi-step-dqn multi-step-learning reinforcement-learning robotic-manipulation robotics simulation task-to-task-transfer vrep-simulator zero-shot-learning

Last synced: 03 Oct 2025

https://github.com/cernewein/heating-rl-agent

A Pytorch DQN and DDPG implementation for a smart home energy management system under varying electricity price.

deep-deterministic-policy-gradient deep-q-network deep-reinforcement-learning demand-response reinforcement-learning

Last synced: 04 May 2025

https://github.com/mvrahden/reinforce-js

[INACTIVE] A collection of various machine learning solver. The library is an object-oriented approach (baked with Typescript) and tries to deliver simplified interfaces that make using the algorithms pretty simple.

ai artificial-intelligence deep-learning deep-q-network deep-reinforcement-learning deepmind deterministic-policy-gradients dqn dqn-solver learning-agents machine-learning-solver neural-network npm reinforce-js reinforcement reinforcement-learning solver td-solver temporal-differencing-learning typescript

Last synced: 11 Sep 2025

https://github.com/bhanuvikasr/deep-rl-torcs

Autonomous Navigation using Deep Reinforcement Learning

actor-critic deep-q-network deep-reinforcement-learning policy-gradient

Last synced: 13 Aug 2025

https://github.com/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.

deep-learning deep-q-learning deep-q-network deep-reinforcement-learning dqn drl drl-pytorch frozenlake gym gymnasium python pytorch q-learning reinforcement-learning

Last synced: 12 Apr 2025

https://github.com/rajshah4/eat_melon_deepq

A Deep Q Reinforcement Learning Demo

deep deep-q-network javascript reinforcement-learning

Last synced: 06 Apr 2025

https://github.com/yanyongyu/flappybird

FlappyBird Reinforcement Learning based on Pygame, OpenCV, Tensorflow

deep-q-network flappybird reinforcement-learning

Last synced: 11 Apr 2025

https://github.com/sshkhr/rbdoom

RBDoom is a Rainbow-DQN based agent for playing the first-person shooter game Doom

deep-learning deep-q-network deep-reinforcement-learning double-dqn dueling-dqn experience-replay rainbow-dqn reinforcement-learning

Last synced: 11 Apr 2025

https://github.com/vivek3141/snake-gym

A gym environment for the game snake, with a tiled version. Contains implementations for NEAT and RL.

deep-q-network dopamine dopamine-rl reinforcement-learning snake snake-ai

Last synced: 14 Mar 2025

https://github.com/itsubaki/neu

Deep Learning framework for Go from scratch

deep-learning deep-q-network machine-learning

Last synced: 07 Nov 2025

https://github.com/voaneves/colab-rl

Keras implementation of the latest Reinforcement Learning algorithms, ready to use in Google Colab.

acer artificial-intelligence deep-learning deep-q-network keras-tensorflow neural-networks python reinforcement-learning snake-game

Last synced: 14 Apr 2025

https://github.com/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.

deep-learning deep-q-learning deep-q-network deep-reinforcement-learning discrete dqn drl drl-pytorch gym gymnasium mountain-car mountain-car-discrete mountain-car-problem python pytorch q-learning reinforcement-learning

Last synced: 11 Oct 2025

https://github.com/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.

cliff-walking-problem cliffwalking deep-learning deep-q-learning deep-q-network deep-reinforcement-learning dqn drl drl-pytorch gym gymnasium python pytorch q-learning reinforcement-learning

Last synced: 22 Apr 2025

https://github.com/daniel-liu-c0deb0t/general-algorithms

A variety of algorithm implementations and short classes, mostly for competitive programming and machine learning.

algorithms data-structures deep-learning deep-q-network java python reinforcement-learning

Last synced: 25 Jul 2025

https://github.com/ahammadmejbah/deep-learning-interview-questions

Deep learning is a subset of machine learning that uses artificial neural networks to model and solve complex tasks. It excels at tasks like image and speech recognition, natural language processing, and has revolutionized fields like computer vision and language understanding.

deep-learning deep-learning-algorithms deep-neural-networks deep-q-learning deep-q-network deep-reinforcement-learning deeplearning deeplearning-ai interview python python3

Last synced: 01 Jul 2025

https://github.com/jalajthanaki/spaceinvaders_gamingbot

Used DQN (Deep Q Network) in order to build the gaming bot

deep-q-learning deep-q-network dqn gym-environment

Last synced: 09 Apr 2025

https://github.com/beegass/deep-q-learning

This is my attempt at implementing the paper "Playing Atari with Deep Reinforcement Learning" By Volodymyr Mnih, Koray Kavukcuoglu, David Silver, Alex Graves, Ioannis Antonoglou, Daan Wierstra and Martin Riedmiller. This is my first attempt at both reading and implementing a research paper.

deep-q-network deep-reinforcement-learning q-learning reinforcement-learning

Last synced: 21 Sep 2025

https://github.com/thebutlah/projectmars

An AI simulation to plan infrastructure for a growing human population.

artificial-intelligence clustering deep-q-network neural-network q-map-network reinforcement-learning

Last synced: 04 Sep 2025

https://github.com/jedrazb/rl-grid-world

Reinforcement learning agent which finds a path to the goal in a grid world. This exercise was done as a coursework for course C424 at Imperial College London.

deep-q-learning deep-q-network grid-world reinforcement-agents reinforcement-learning reinforcement-learning-agent

Last synced: 04 Apr 2025

https://github.com/rvk007/multi-env-decision-making

Making a single agent navigate through traffic across different environments.

decision-making deep-q-network deep-reinforcement-learning multi-task-learning reinforcement-learning

Last synced: 27 Jun 2025

https://github.com/harshitm98/chrome-dino-ai

Reinforcement learning on Chrome's Dino game

deep-q-learning deep-q-network open-cv reinforcement-learning

Last synced: 27 Mar 2025

https://github.com/fractal-solutions/cortex

Deep Q Network implementation for use with MQL5 (DLL)

ai deep-q-learning deep-q-network metatrader-5 mql5 mql5-api neural-network

Last synced: 07 May 2025

https://github.com/seeknndestroy/dqn-cartpole

A Deep Q-Network (DQN) agent solving the CartPole-v1 environment from OpenAI's Gym. Demonstrates reinforcement learning for control tasks and serves as an educational resource for deep learning and reinforcement learning enthusiasts.

deep-q-network deep-reinforcement-learning openai-gym pytorch

Last synced: 28 Mar 2025

https://github.com/williamzhang20/cart-pole-dqn

A Deep-Q Network (DQN) agent trained to balance a cartpole in the Gymnasium simulation environment

deep-q-network q-learning reinforcement-learning

Last synced: 26 Mar 2025

https://github.com/yaricom/deep-ne-gpu

The Deep Neuroevolution GPU enhanced with integrated Atari ALE environment

atari deep-learning deep-q-network deep-reinforcement-learning genetic-algorithm neuroevolution

Last synced: 30 Jul 2025

https://github.com/gift-exe/dqn

Attempting to implement a Deep-Q-Network for an RL agent in a custom environment

deep-q-network pygame reinforcement-learning reinforcement-learning-environments

Last synced: 03 Mar 2025

https://github.com/amabna/snake-game-with-rl

SnakeRL is a Python project implementing the Snake game with Deep Q-Learning. The agent learns to navigate, collect food, and avoid collisions using a neural network, dynamic rewards, and customizable settings. Perfect for exploring RL and game AI.

ai artificial-intelligence deep-learning deep-q-learning deep-q-network n-step-deep-q-learning neural-network neural-networks q-learning q-learning-algorithm reinforcement-learning reinforcement-learning-agent reinforcement-learning-algorithms reinforcement-learning-environments

Last synced: 09 Oct 2025

https://github.com/yashk2000/gridworld-rl

Using deep Q learning to play Gridworld

deep-q-network dqn-pytorch python3 pytorch reinforcement-learning

Last synced: 03 Apr 2025

https://github.com/harshitm98/cartpole

Implemented Deep-Q-Learning on OpenAI's CartPole environment.

deep-q-network deep-reinforcement-learning reinforcement-learning

Last synced: 04 Jul 2025

https://github.com/mrdvince/unity_navigation

Using a Deep Q Network to train an agent to collect only yellow bananas leaving the blue ones in a unity ml-agents environment

agent deep-q-network dqn-model episodes python pytorch reinforcement-learning udacity-nanodegree

Last synced: 29 Mar 2025

https://github.com/kaleidophon/quirky-quokka

Environment-related differences of Deep Q-Learning and Deep Double Q-Learning

deep-double-q-network deep-learning deep-q-network double-q-learning machine-learning q-learning reinforcement-learning

Last synced: 28 Oct 2025

https://github.com/zubair-irshad/udacity_deep_rl

My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects

ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents

Last synced: 10 Oct 2025

https://github.com/barraharrison/dqn-self-driving-car

Self-driving car simulation in Python using Deep Q-Network (DQN)

deep-q-network machine-learning neural-networks pygame pytorch self-driving-car

Last synced: 31 Jul 2025

https://github.com/jhrcook/rl-playground

A Jupyter Lab for experimenting with Reinforcement Learning.

deep-q-network jupyter-lab jupyter-notebook jupyterlab reinforcement-learning tensorflow tensorflow2

Last synced: 03 Mar 2025

https://github.com/kzkadc/dqn_breakout

ChainerとOpenAI GymによるDQNの実装

chainer deep-q-network

Last synced: 18 Mar 2025

https://github.com/hoverslam/snake

The classic snake game in Python played by a DQN agent

deep-q-network game reinforcement-learning

Last synced: 28 Dec 2025

https://github.com/tiagomontalvao/drlnd-navigation

Deep Reinforcement Learning agent that solves the Banana Navigation environment, as stated in the first project of Udacity DRL Nanodegree.

deep-learning deep-q-network deep-reinforcement-learning dqn machine-learning pytorch reinforcement-learning

Last synced: 21 Mar 2025

https://github.com/lbrndnr/inf581-proj

Final project for INF581 - Advanced Topics in Artificial Intelligence (2017-2018)

deep-q-network dqn monte-carlo q-learning reinforcement-learning snake-game

Last synced: 17 Jul 2025

https://github.com/junshern/dqn-navigation

Deep Q-Network implementation using PyTorch to solve a 2D navigation + rewards collection task.

deep-q-network ml-agents pytorch reinforcement-learning

Last synced: 04 Apr 2025

https://github.com/cptanalatriste/banana-hunter

A deep-reinforcement learning agent that loves bananas.

deep-q-network deep-reinforcement-learning python pytorch

Last synced: 28 Nov 2025