Ecosyste.ms: Repos

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

GitHub topics: dqn

aadi1011/Traffic-Light-Optimization-With-Reinforcement-Learning

Optimize traffic flow at intersections with a Deep Q-Learning agent. Utilizes reinforcement learning to control traffic signals efficiently.

Language: Python - Size: 14.9 MB - Last synced: about 16 hours ago - Pushed: about 17 hours ago - Stars: 0 - Forks: 0

PaddlePaddle/awesome-DeepLearning

深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI

Language: Jupyter Notebook - Size: 478 MB - Last synced: about 12 hours ago - Pushed: 6 days ago - Stars: 2,854 - Forks: 825

thu-ml/tianshou

An elegant PyTorch deep reinforcement learning library.

Language: Python - Size: 45.4 MB - Last synced: 1 day ago - Pushed: 6 days ago - Stars: 7,472 - Forks: 1,087

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: Jupyter Notebook - Size: 134 MB - Last synced: about 20 hours ago - Pushed: 2 days ago - Stars: 1 - Forks: 1

antoinewg/riddle

DDRQN implementation

Language: Python - Size: 54.7 KB - Last synced: 1 day ago - Pushed: 2 days ago - Stars: 0 - Forks: 1

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: about 21 hours ago - Pushed: over 6 years ago - Stars: 500 - Forks: 105

muximus3/Reinforcement-learning-wechat-jump

使用强化学习玩微信跳一跳。Using Reinforcement Learning playing wechat jump game

Language: Python - Size: 44.9 KB - Last synced: 3 days ago - Pushed: about 6 years ago - Stars: 1 - Forks: 1

1jsingh/rl_navigation

Navigating a banana world using Dueling Double DQN network

Language: Jupyter Notebook - Size: 57.3 MB - Last synced: 3 days ago - Pushed: about 5 years ago - Stars: 0 - Forks: 1

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: 5 days ago - Pushed: 7 days ago - Stars: 0 - Forks: 0

szrlee/HyperAgent

The official code repo for HyperAgent: A Simple, Scalable, Efficient and Provable Reinforcement Learning Framework for Complex Environments, ICML 2024.

Language: Python - Size: 1.01 MB - Last synced: 4 days ago - Pushed: 5 days ago - Stars: 0 - Forks: 0

Yash-Barjatya/stock_trading_using_DRL

This repository contains the group project completed as part of the EE675 course at IIT Kanpur under Prof. Subrahmanya Swamy Peruru during the academic session 2023-2024 II.

Language: Jupyter Notebook - Size: 3.4 MB - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 0 - Forks: 1

Cryolite/kanachan

A Japanese (Riichi) Mahjong AI Framework

Language: Python - Size: 766 KB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 259 - Forks: 37

Tikhon-Radkevich/HuggingFaceDeepRL

Explorations and implementations of Deep Reinforcement Learning techniques from the Hugging Face course, featuring DQN and PPO applied to classic and VizDoom environments.

Language: Python - Size: 193 MB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 0 - Forks: 0

vedvartak/PongDQN

Implementing Double DQN to train it on a custom pong environment in C++ from scratch

Language: C++ - Size: 629 KB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 0 - Forks: 0

MushroomRL/mushroom-rl

Python library for Reinforcement Learning.

Language: Python - Size: 75.8 MB - Last synced: 4 days ago - Pushed: 29 days ago - Stars: 773 - Forks: 141

chainer/chainerrl

ChainerRL is a deep reinforcement learning library built on top of Chainer.

Language: Python - Size: 13.9 MB - Last synced: about 8 hours ago - Pushed: almost 3 years ago - Stars: 1,155 - Forks: 226

rlgraph/rlgraph

RLgraph: Modular computation graphs for deep reinforcement learning

Language: Python - Size: 7.86 MB - Last synced: 7 days ago - Pushed: over 4 years ago - Stars: 315 - Forks: 39

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: 8 days ago - Pushed: 8 days ago - Stars: 0 - Forks: 0

jihoonerd/Human-level-control-through-deep-reinforcement-learning

📖 Paper: Human-level control through deep reinforcement learning 🕹️

Language: Python - Size: 21.4 MB - Last synced: 8 days ago - Pushed: 8 days ago - Stars: 29 - Forks: 6

jihoonerd/Deep-Reinforcement-Learning-with-Double-Q-learning

📖 Paper: Deep Reinforcement Learning with Double Q-learning 🕹️

Language: Python - Size: 18.7 MB - Last synced: 8 days ago - Pushed: 8 days ago - Stars: 43 - Forks: 15

asieradzk/RL_Matrix

Reinforcement Learning Agents in .NET

Language: C# - Size: 22.8 MB - Last synced: 1 day ago - Pushed: 17 days ago - Stars: 50 - Forks: 2

JuliaReinforcementLearning/ReinforcementLearningZoo.jl 📦

Language: Julia - Size: 576 KB - Last synced: about 23 hours ago - Pushed: about 3 years ago - Stars: 51 - Forks: 17

kengz/SLM-Lab

Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".

Language: Python - Size: 4.08 MB - Last synced: 4 days ago - Pushed: over 1 year ago - Stars: 1,216 - Forks: 261

navneet-nmk/pytorch-rl

This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch

Language: Python - Size: 97.1 MB - Last synced: 8 days ago - Pushed: almost 5 years ago - Stars: 441 - Forks: 56

datawhalechina/easy-rl

强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/

Language: Jupyter Notebook - Size: 515 MB - Last synced: 9 days ago - Pushed: about 2 months ago - Stars: 8,222 - Forks: 1,728

melorian94/Minecraft-DQN-RL

Practical comparison of several DQN based approaches on a basic navigation problem in Minecraft

Size: 13.7 KB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 0 - Forks: 0

rharish101/PongRL

RL-based agent for playing Atari Pong

Language: Python - Size: 518 KB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 0 - Forks: 0

AI4Finance-Foundation/ElegantRL

Massively Parallel Deep Reinforcement Learning. 🔥

Language: Python - Size: 104 MB - Last synced: 10 days ago - Pushed: 12 days ago - Stars: 3,462 - Forks: 799

tensorflow/agents

TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.

Language: Python - Size: 12.7 MB - Last synced: 8 days ago - Pushed: about 2 months ago - Stars: 2,735 - Forks: 721

Starlight0798/gymRL

基于gym的pytorch深度强化学习(DRL)(PPO,DQN,SAC,DDPG,TD3等算法)

Language: Python - Size: 251 KB - Last synced: 12 days ago - Pushed: 12 days ago - Stars: 22 - Forks: 3

alexBDG/Sudoku

Solving Soduku

Language: Python - Size: 20.1 MB - Last synced: 12 days ago - Pushed: 13 days ago - Stars: 1 - Forks: 0

godka/Pensieve-PPO

The simplest implementation of Pensieve (SIGCOMM' 17) via state-of-the-art RL algorithms, including PPO, DQN, SAC, and support for both TensorFlow and PyTorch.

Language: DIGITAL Command Language - Size: 15.3 MB - Last synced: 12 days ago - Pushed: 13 days ago - Stars: 58 - Forks: 32

ykteh93/Deep_Reinforcement_Learning-Atari

Deep Q-Network (DQN) to play classic Atari Games

Language: Python - Size: 29.8 MB - Last synced: 14 days ago - Pushed: over 6 years ago - Stars: 9 - Forks: 2

Arseni1919/GITHUB-STURCURED

All my GitHub projects in one place.

Size: 290 KB - Last synced: 14 days ago - Pushed: 15 days ago - Stars: 2 - Forks: 1

MorvanZhou/PyTorch-Tutorial

Build your neural network easy and fast, 莫烦Python中文教学

Language: Jupyter Notebook - Size: 14.7 MB - Last synced: 15 days ago - Pushed: about 1 year ago - Stars: 7,980 - Forks: 3,122

MorvanZhou/Reinforcement-learning-with-tensorflow

Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学

Language: Python - Size: 428 KB - Last synced: 15 days ago - Pushed: about 2 months ago - Stars: 8,661 - Forks: 4,994

frgfm/drlnd-p1-navigation

Navigation project of Udacity Deep Reinforcement Learning

Language: Python - Size: 316 KB - Last synced: 15 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

lbrndnr/inf581-proj

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

Language: Python - Size: 248 MB - Last synced: 15 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

AAWorks/options-pricing

Global Markets Options Pricing

Language: Python - Size: 138 KB - Last synced: 15 days ago - Pushed: 15 days ago - Stars: 0 - Forks: 0

Ohara124c41/DRLND-Navigation

Value-based methods. Apply deep learning architectures to reinforcement learning tasks. Train your own agent that navigates a virtual world from sensory data.

Language: Jupyter Notebook - Size: 26.8 MB - Last synced: 16 days ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

Ohara124c41/DRLND-Collaborate-n-Competition

Learn how to apply reinforcement learning methods to applications that involve multiple, interacting agents. These techniques are used in a variety of applications, such as the coordination of autonomous vehicles.

Language: Jupyter Notebook - Size: 4.75 MB - Last synced: 16 days ago - Pushed: about 4 years ago - Stars: 2 - Forks: 0

songzhg/RLOP

RLOP: A Framework for Reinforcement Learning, Optimization and Planning Algorithms

Language: C++ - Size: 312 KB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 3 - Forks: 2

DongjunLee/dqn-tensorflow

Deep Q Network implements by Tensorflow

Language: Python - Size: 3.31 MB - Last synced: 18 days ago - Pushed: about 6 years ago - Stars: 25 - Forks: 10

MorvanZhou/Tensorflow-Tutorial

Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学

Language: Python - Size: 37.1 MB - Last synced: 15 days ago - Pushed: over 3 years ago - Stars: 4,321 - Forks: 1,884

aroodgar/Deep-Q-learning-for-mobile-edge-computing Fork of mingt2019/Deep-Q-learning-for-mobile-edge-computing

This code contains some modification of the main forked code and some features in order to regenerate and simulate the results mentioned in the linked paper.

Language: Python - Size: 34.2 KB - Last synced: 22 days ago - Pushed: 22 days ago - Stars: 5 - Forks: 0

Caleb2580/Self-Driving-Car-DQN

Car learns to drive using reinforcement learning and pytorch

Language: Python - Size: 1.22 MB - Last synced: 22 days ago - Pushed: 22 days ago - Stars: 1 - Forks: 0

Allenpandas/Reinforcement-Learning-Papers

📚 List of Top-tier Conference Papers on Reinforcement Learning (RL),including: NeurIPS, ICML, AAAI, IJCAI, AAMAS, ICLR, ICRA, etc.

Size: 596 KB - Last synced: 23 days ago - Pushed: 23 days ago - Stars: 238 - Forks: 30

Draichi/ai-flappy-bird

DQN on Flappy Bird

Language: JavaScript - Size: 665 KB - Last synced: 23 days ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

sna-hm/SmartiPhish

A Reinforcement Learning-based Intelligent Anti-Phishing Solution to Detect Spoofed Website Attacks

Language: Python - Size: 5.67 MB - Last synced: 24 days ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

ambirpatel/Object-Localization-using-Deep-Reinforcement-Learning

We have trained an intelligent agent that draws bounding boxes around an object in the image. This implementation combines CNN, DQN, and SVM to detect an object in an image. The algorithm extract features from CNN which are fed to DQN to train an agent to localize the object and this localized object is categorized using the SVM model.

Language: Python - Size: 786 KB - Last synced: 30 days ago - Pushed: about 1 month ago - Stars: 8 - Forks: 1

kanakkabara/Autonomous-Drifting

Autonomous Drifting using Reinforcement Learning

Language: Jupyter Notebook - Size: 538 MB - Last synced: 15 days ago - Pushed: about 1 year ago - Stars: 92 - Forks: 22

alpayariyak/Atari-Advanced-DQN

Using a Deep Q Network(DQN) to play Atari Breakout

Language: Python - Size: 216 MB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

Jac-Zac/First_AI_project

My tic tac toe AI project

Language: C++ - Size: 200 KB - Last synced: 25 days ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

sfujiwara/dqn-tensorflow

Language: Python - Size: 212 KB - Last synced: 25 days ago - Pushed: about 5 years ago - Stars: 2 - Forks: 1

davide97l/rl-policies-attacks-defenses

Adversarial attacks on Deep Reinforcement Learning (RL)

Language: Jupyter Notebook - Size: 346 MB - Last synced: 19 days ago - Pushed: about 3 years ago - Stars: 72 - Forks: 12

somsagar07/RL-stock-trading-

RL algorithm for stock trading with multiple reward functions

Language: Python - Size: 957 KB - Last synced: 25 days ago - Pushed: 26 days ago - Stars: 1 - Forks: 1

spirosrap/Deep-Reinforcement-Learning

Deep Reinforcement Learning - Implementations and Theory: A path to mastery

Language: Python - Size: 21.3 MB - Last synced: 26 days ago - Pushed: over 2 years ago - Stars: 3 - Forks: 2

SophiaAr/DeepLearningFlappyBird

Language: Python - Size: 14.2 MB - Last synced: 27 days ago - Pushed: about 6 years ago - Stars: 2 - Forks: 1

LIvanoff/duck-game-star-wars-mod-IN-PROGRESS

The Duck Game mod in the Star Wars setting

Language: Python - Size: 10.9 MB - Last synced: 27 days ago - Pushed: 3 months ago - Stars: 1 - Forks: 0

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: 27 days ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

iffiX/machin

Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...

Language: Python - Size: 6.66 MB - Last synced: 25 days ago - Pushed: almost 3 years ago - Stars: 388 - Forks: 50

hoyley/c4

An exploratory project to learn and implement Reinforcement Learning approaches to solve simple games. Initial approaches to RL will include Monte Carlo Tree Search (MCTS) and Deep Q-Networks (DQN)

Language: Python - Size: 81.1 KB - Last synced: 29 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

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: 18 days ago - Pushed: over 3 years ago - Stars: 646 - Forks: 104

josiahls/fastrl

fastrl is a reinforcement learning library that extends Fastai. This project is not affiliated with fastai or Jeremy Howard.

Language: Jupyter Notebook - Size: 54.9 MB - Last synced: 22 days ago - Pushed: about 2 months ago - Stars: 18 - Forks: 0

dhorpynchenko/reinforcement-learning

Reinforcement learning algorithm implementation for "Artificial Intelligence" course project, La Sapienza, Rome, Italy, 2018

Language: Python - Size: 732 KB - Last synced: 29 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

SC4RECOIN/DQN

Language: Python - Size: 6.84 KB - Last synced: 29 days ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

truong2710-cyber/DQN-DoubleDQN-FlappyBird

Using DQN and Double DQN to play Flappy Bird

Language: Python - Size: 7.81 MB - Last synced: 30 days ago - Pushed: almost 2 years ago - Stars: 2 - Forks: 0

rystrauss/dopamax

Reinforcement learning in pure JAX.

Language: Python - Size: 135 KB - Last synced: 17 days ago - Pushed: 5 months ago - Stars: 10 - Forks: 0

cpnota/autonomous-learning-library

A PyTorch library for building deep reinforcement learning agents.

Language: Python - Size: 6.24 MB - Last synced: 27 days ago - Pushed: 2 months ago - Stars: 638 - Forks: 72

jianwu-github/dist-dqn-tf-k8s

Running distributed DQN on Kubernetes cluster

Language: Python - Size: 107 KB - Last synced: about 1 month ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

imagry/aleph_star

Reinforcement learning with A* and a deep heuristic

Language: Jupyter Notebook - Size: 55.7 MB - Last synced: 29 days ago - Pushed: over 5 years ago - Stars: 276 - Forks: 35

akaAlbo/deeprlbootcamp

Solution to the Deep RL Bootcamp labs from UC Berkeley

Language: Jupyter Notebook - Size: 5.86 MB - Last synced: 30 days ago - Pushed: over 5 years ago - Stars: 3 - Forks: 1

BY571/IQN-and-Extensions

PyTorch Implementation of Implicit Quantile Networks (IQN) for Distributional Reinforcement Learning with additional extensions like PER, Noisy layer, N-step bootstrapping, Dueling architecture and parallel env support.

Language: Jupyter Notebook - Size: 3.37 MB - Last synced: 30 days ago - Pushed: about 1 year ago - Stars: 70 - Forks: 14

jaydeepthik/Deep-Reinforcement-learning-cart-pole-balancing-

first attempts on deep RL techniques

Language: Python - Size: 4.88 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

ShangtongZhang/DeepRL

Modularized Implementation of Deep RL Algorithms in PyTorch

Language: Python - Size: 10.4 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 3,095 - Forks: 668

mthrok/luchador

Toolkit for [Deep] Reinforcement Learning

Language: Python - Size: 83.2 MB - Last synced: about 1 month ago - Pushed: almost 7 years ago - Stars: 5 - Forks: 2

marcofavorito/breakout-RL

Experiments on Breakout game applying Reinforcement Learning techniques

Language: Python - Size: 12.7 KB - Last synced: about 1 month ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

agi-brain/xuance

XuanCe: A Comprehensive and Unified Deep Reinforcement Learning Library

Language: Python - Size: 56.5 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 434 - Forks: 83

yhs0602/CraftGround

Lightning-Fast RL environment on Minecraft. Want malmö with 130 TPS? Use this environment.

Language: TeX - Size: 119 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 3 - Forks: 0

Nikorasu/SnakeAI

WIP project to use machine learning to play Snake!

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

tensorlayer/TensorLayer

Deep Learning and Reinforcement Learning Library for Scientists and Engineers

Language: Python - Size: 99.9 MB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 7,290 - Forks: 1,610

SleepingMonster/Othello_Python

中山大学 人工智能项目:黑白棋python实现(DQN框架)。

Language: Jupyter Notebook - Size: 20.3 MB - Last synced: about 1 month ago - Pushed: over 3 years ago - Stars: 6 - Forks: 0

udacity/deep-reinforcement-learning

Repo for the Deep Reinforcement Learning Nanodegree program

Language: Jupyter Notebook - Size: 3.37 MB - Last synced: about 1 month ago - Pushed: 6 months ago - Stars: 4,757 - Forks: 2,337

pixelbit78/tetris-rl-model

Mastering the game of tetris using RL

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

yhs0602/CraftGround-Experiments

Minecraft reinforcement learning with legacy environment

Language: Python - Size: 95.2 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

Open-Building-Management/EnergyGym

gym environnement to simulate the energetic behaviour of a real estate

Language: Python - Size: 14.9 MB - Last synced: 24 days ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

qlan3/Jaxplorer

Jaxplorer is a Jax reinforcement learning (RL) framework for exploring new ideas.

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

gsurma/cartpole

OpenAI's cartpole env solver.

Language: Python - Size: 1.04 MB - Last synced: 18 days ago - Pushed: about 1 year ago - Stars: 150 - Forks: 115

jingweiz/pytorch-rl

Deep Reinforcement Learning with pytorch & visdom

Language: Python - Size: 12.1 MB - Last synced: 27 days ago - Pushed: almost 4 years ago - Stars: 794 - Forks: 144

minqi/learning-to-communicate-pytorch

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

Language: Python - Size: 85 KB - Last synced: 27 days ago - Pushed: about 5 years ago - Stars: 336 - Forks: 73

rdenadai/snakeplissken

A.I. snake game build using pygame | pytorch | python

Language: Python - Size: 209 MB - Last synced: about 1 month ago - Pushed: 10 months ago - Stars: 17 - Forks: 4

LK/Plato

Reinforcement learning for Robocode.

Language: Python - Size: 29.3 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 6 - Forks: 1

zewei-Zhang/deep-reinforcement-learning

A general deep reinforcement learning frames for atari games by pytorch.

Language: Python - Size: 47.5 MB - Last synced: about 1 month ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

seungjaeryanlee/RL-Adventure-0.4.1 Fork of higgsfield/RL-Adventure

Pytorch 0.4.1 implementation of DQN / DDQN / DuelingDQN / PER / NoisyNet / CategoricalDQN / Rainbow / QRDQN / h-DQN

Language: Jupyter Notebook - Size: 1010 KB - Last synced: 15 days ago - Pushed: over 5 years ago - Stars: 2 - Forks: 0

PacktPublishing/Hands-On-Intelligent-Agents-with-OpenAI-Gym

Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch

Language: Python - Size: 49.7 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 345 - Forks: 140

huawei-noah/xingtian

xingtian is a componentized library for the development and verification of reinforcement learning algorithms

Language: Python - Size: 7.05 MB - Last synced: about 1 month ago - Pushed: 8 months ago - Stars: 301 - Forks: 89

shibuiwilliam/maze_solver

This project solves self-made maze in a variety of ways: A-star, Q-learning and Deep Q-network.

Language: Jupyter Notebook - Size: 71.3 KB - Last synced: about 1 month ago - Pushed: about 7 years ago - Stars: 25 - Forks: 13

BY571/Normalized-Advantage-Function-NAF-

PyTorch implementation of the Q-Learning Algorithm Normalized Advantage Function for continuous control problems + PER and N-step Method

Language: Jupyter Notebook - Size: 3.86 MB - Last synced: 30 days ago - Pushed: about 3 years ago - Stars: 23 - Forks: 13

regismeyssonnier/Gamepod

AI DQN RL

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

BY571/CQL

PyTorch implementation of the Offline Reinforcement Learning algorithm CQL. Includes the versions DQN-CQL and SAC-CQL for discrete and continuous action spaces.

Language: Python - Size: 28.6 MB - Last synced: 30 days ago - Pushed: 9 months ago - Stars: 99 - Forks: 20