Topic: "ddqn"
keon/deep-q-learning đĻ
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Language: Python - Size: 1.77 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 1,293 - Forks: 453

germain-hug/Deep-RL-Keras
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Language: Python - Size: 2.84 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 496 - Forks: 148

dongminlee94/deep_rl
PyTorch implementation of deep reinforcement learning algorithms
Language: Python - Size: 30.2 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 494 - Forks: 59

pythonlessons/Reinforcement_Learning
Reinforcement learning tutorials
Language: Python - Size: 87 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 384 - Forks: 155

idreesshaikh/Autonomous-Driving-in-Carla-using-Deep-Reinforcement-Learning
Deep Reinforcement Learning (PPO) in Autonomous Driving (Carla) [from scratch]
Language: Python - Size: 773 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 376 - Forks: 70

gsurma/atari
AI research environment for the Atari 2600 games đ¤.
Language: Python - Size: 27 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 258 - Forks: 81

ImanRHT/QECO
A QoE-Oriented Computation Offloading Algorithm based on Deep Reinforcement Learning (DRL) for Mobile Edge Computing (MEC) | This algorithm captures the dynamics of the MEC environment by integrating the Dueling Double Deep Q-Network (D3QN) model with Long Short-Term Memory (LSTM) networks.
Language: Python - Size: 17.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 204 - Forks: 37

Kyushik/DRL
Repository for codes of 'Deep Reinforcement Learning'
Language: Python - Size: 7.62 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 204 - Forks: 43

deepanshut041/Reinforcement-Learning
Implementations of Deep Reinforcement Learning Algorithms and Bench-marking with PyTorch
Language: Jupyter Notebook - Size: 49.5 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 117 - Forks: 37

FelipeMarcelino/2048-Gym
This projects aims to use reinforcement learning algorithms to play the game 2048.
Language: Python - Size: 515 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 84 - Forks: 14

deligentfool/dqn_zoo
The implement of all kinds of dqn reinforcement learning with Pytorch
Language: Python - Size: 73.2 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 84 - Forks: 17

fschur/DDQN-with-PyTorch-for-OpenAI-Gym
Implementation of Double DQN reinforcement learning for OpenAI Gym environments with PyTorch.
Language: Python - Size: 46.9 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 62 - Forks: 9

jihoonerd/Deep-Reinforcement-Learning-with-Double-Q-learning
đ Paper: Deep Reinforcement Learning with Double Q-learning đšī¸
Language: Python - Size: 18.7 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 52 - Forks: 16

itaicaspi/keras-dqn-doom
Keras implementation of DQN on ViZDoom environment
Language: Python - Size: 112 MB - Last synced at: over 2 years ago - Pushed at: almost 9 years ago - Stars: 52 - Forks: 17

alamminsalo/snakewasm
Snake game with neural network AI model
Language: Rust - Size: 8.63 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 38 - Forks: 0

ChuaCheowHuan/reinforcement_learning
My reproduction of various reinforcement learning algorithms (DQN variants, A3C, DPPO, RND with PPO) in Tensorflow.
Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 11

blackredscarf/pytorch-DQN
Using pytorch to implement DQN / DDQN / Atari DDQN
Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 32 - Forks: 14

Rahul-Choudhary-3614/Deep-Reinforcement-Learning-Notebooks
This Repository contains a series of google colab notebooks which I created to help people dive into deep reinforcement learning.This notebooks contain both theory and implementation of different algorithms.
Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 8

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

liyc-ai/RL-pytorch
A beginner-friendly repository on Deep Reinforcement Learning (RL), written in PyTorch.
Language: Python - Size: 30.7 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 21 - Forks: 3

aminkhani/Deep-RL
You can see a reference for Books, Articles, Courses and Educational Materials in this field. Implementation of Reinforcement Learning Algorithms and Environments. Python, OpenAI Gym, Tensorflow.
Language: Jupyter Notebook - Size: 21.5 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 20 - Forks: 0

chinancheng/DDQN.pytorch
DDQN inplementation on PLE FlappyBird environment in PyTorch.
Language: Python - Size: 10.4 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 20 - Forks: 6

yassineboujrada/Self_Driving_Car_By_DDQN_Algorithm
Language: Python - Size: 1.54 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 0

jianzhnie/RLToolkit đĻ
RLToolkit is a flexible and high-efficient reinforcement learning framework. Include implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Language: Python - Size: 14.8 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 2

kochlisGit/TraderNet-CRv2
TraderNet-CRv2 - Combining Deep Reinforcement Learning with Technical Analysis and Trend Monitoring on Cryptocurrency Markets
Language: Jupyter Notebook - Size: 157 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 3

TroddenSpade/Federated-DRL
Parallel training on multiple Deep RL agents with Federated Learning approach to gain higher rewards
Language: Python - Size: 3.66 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 15 - Forks: 2

abyaadrafid/Deep-Reinforcement-Learning
To keep track and showcase
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 15 - Forks: 2

awilliea/Risk-based_RL_for_Optimal_Trading_Execution
Language: Python - Size: 3.11 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 5

ZLkanyo009/flappy-bird-tensorflow2-DQN
DQN flappy bird with tensorflow2
Language: Python - Size: 20 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 4

vformanyuk/reinforcement-learning
Collection of reinforcement learning algorithms implementations with TensorFlow2
Language: Python - Size: 257 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 12 - Forks: 2

mozturan/AutonomousDrive2D-DRL
Autonomous Driving W/ Deep Reinforcement Learning in Lane Keeping - DDQN and SAC with kinematics/birdview-images
Language: Jupyter Notebook - Size: 116 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 0

victor369basu/MyosuiteDDQN
In this repository, we try to solve musculoskeletal tasks with `Double DQN reinforcement learning` by using a `transformer` model has been used as the base model architecture.
Language: Python - Size: 45 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 0

TroddenSpade/Exhaustive-Reinforcement-Learning
Exhaustive Implementation of Algorithms, Key Papers, and Well-Known Problems of Reinforcement Leaning
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 0

vguillet/AIgle_Racer
An open-source hardware racing drone design and demonstration RL software for the artificial intelligence robotic drone race competitions
Language: Python - Size: 513 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 4

user432/DeepRL-in-PyTorch
Minimal Implementation of Deep RL Algorithms in PyTorch
Language: Python - Size: 5.24 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 11 - Forks: 1

sourcecode369/deep-reinforcement-learning
Implementation notebooks and scripts of Deep Reinforcement learning Algorithms in PyTorch and TensorFlow.
Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 3

chucnorrisful/dqn
Applying the DQN-Agent from keras-rl to Starcraft 2 Learning Environment and modding it to to use the Rainbow-DQN algorithms.
Language: Python - Size: 182 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 11 - Forks: 4

hjorvardr/RL_Library
An implementation of main reinforcement learning algorithms: solo-agent and ensembled versions.
Language: Python - Size: 240 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 1

bhatiaabhinav/RL-v2
Version 3.0.0 Pytorch implementations of DQN, DDQN, DDPG, SAC, Discrete SAC. With more features :)
Language: Python - Size: 162 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 1

PeterJochem/Deep_RL
Implementations of Deep RL Algorithms in OpenAI Gym Environments
Language: Python - Size: 184 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 4

motokiomura/DQNs
Language: Python - Size: 28.3 KB - Last synced at: 7 months ago - Pushed at: 10 months ago - Stars: 9 - Forks: 2

qlan3/Jaxplorer
Jaxplorer is a Jax reinforcement learning (RL) framework for exploring new ideas.
Language: Python - Size: 91.8 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 0

deepanshut041/MlAgents đĻ
This repository contains the implementation of deep reinforcement learning algorithms to solve various unity The Environments.
Language: Jupyter Notebook - Size: 4.9 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 2

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

Danfoa/commons_game
A custom implementation of DeepMind's "the commons game"
Language: Python - Size: 1.35 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 0

Git-123-Hub/reinforcement-learning-algorithm
implementation of reinforcement learning algorithm that is easy to read and understand
Language: Python - Size: 7.13 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

SpringerNLP/Chapter13
Chapter 13: Deep Reinforcement Learning for Text and Speech
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 5

frankibem/reinforcement-learning
Implementation of reinforcement learning algorithms with descriptions for beginners.
Language: Jupyter Notebook - Size: 818 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 8 - Forks: 1

Amin-Sz/Deep-Reinforcement-Learning
Language: Python - Size: 204 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 1

MrShininnnnn/DDQN-Lunar-Lander
An implementation of Double Deep Q-Network (DDQN) to solve the game Lunar Lander.
Language: Jupyter Notebook - Size: 7.53 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

rybread1/deep-rl-trex
Reinforcement learning agent using dqqn, dueling network, per to play the google chrome trex browser game.
Language: Python - Size: 653 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 1

guozhonghao1994/Deep_Reinforcement_Learning_on_Car_Racing_Game
Deep Learning Project
Language: Python - Size: 132 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 7

pawan47/DeepQ-learning
simple implementation of DQN and DDQN on atari Breakout-v0
Language: Python - Size: 13.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

davidchiou/DDQN_Mario
Pytorch-DDQN implemantaion on Super Mario Brothers
Language: Python - Size: 2.02 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 1

Elktrn/DDQN_Deep-Double_Q-Learning-for-solving-OpenAi-Gym-LunarLander-v2-in-python
reinforcement learning Double Deep Q Learning (DDQN) method to solve OpenAi Gym "LunarLander-v2" by usnig Double Deep NeuralNetworks
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

Alwaysproblem/newbiesRL
Naive implementations of deep reinforcement learning algorithms
Language: Python - Size: 10.2 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 1

Angry-Robot-Deals/Predictor-T- Fork of nicoDs96/Trading-Bot---Deep-Reinforcement-Learning
A Deep Reinforcement Learning Trading Bot with PyTorch
Language: Python - Size: 78.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

Duck-Drivers-2K21/rl-coursework
UoB Reinforcement Learning Coursework (CM30359) - Awarded 72%
Language: Python - Size: 182 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

ascvorcov/z80-ddqn
Implementation of Double Dueling Q-Network with prioritized experience replay learning to play zx-spectrum games
Language: Python - Size: 38.5 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

rram12/Lane-Change-Assistance-System
A Reinforcement Learning based approach for Lane change assistance system
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

joycenerd/Deep_Learning_Practice_labs
Labs for 5003 Deep Learning Practice course in summer term 2021 at NYCU.
Language: Python - Size: 42.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

ZLkanyo009/Pong-Reinforcement-Learning
Pong-Reinforcement-Learning Here
Language: Python - Size: 729 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

VaradhKaushik/RL-models-for-Super-Mario-Bros
This repository explores the application of three reinforcement learning algorithmsâDeep Q-Networks (DQN), Double Deep Q-Networks (DDQN), and Proximal Policy Optimization (PPO)âfor playing Super Mario Bros using the OpenAI Gym and nes-py emulator. It includes a comparative analysis of these models.
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

laboratorioAI/2024_EMG_DQN_DDQN
A complete MataLab laboratory for training and evaluating EMG HGR RL DQN and DDQN models.
Language: Jupyter Notebook - Size: 315 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

yatshunlee/qwop_RL
QWOP agent
Language: Python - Size: 631 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

SiavashShams/DQN-for-OpenAI-LunarLander-v2
LunarLander-v2 learning how to land efficiently using DQN and DDQN for training
Language: Jupyter Notebook - Size: 2.59 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

yatshunlee/pacman_RL
Ms Pacman DDQN Agent
Language: Jupyter Notebook - Size: 523 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

ChayannFamali/Reinforcement-learning-in-Trading
Reinforcement learning in trading and algorithmic trading is a fairly frequent example of the application of RL in practice.
Language: Jupyter Notebook - Size: 1.13 MB - Last synced at: 9 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

LorenzoM1997/Deep-tic-tac-toe
A DDQN implementation in Tensorflow for solving the game of tic tac toe
Language: Python - Size: 1.49 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 4

hridayns/Research-Project-on-Reinforcement-learning
Research Thesis - Reinforcement Learning
Language: Python - Size: 81.1 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

LachubCz/PGuNN
PGuNN - Playing Games using Neural Networks
Language: Python - Size: 34 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - 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: over 6 years ago - Stars: 3 - Forks: 1

kingzhong23/Project-Implementation
Do you wonder how to implement algos in the papers you are reading and the implementations on GitHub are hard to modify? This repository will demonstrate how to make deep learning algos implementations in a really obviously way.
Language: Python - Size: 1000 Bytes - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

Z0m6ie/Atari_DDQN
Double DQN for Openai's Atari Environments
Language: Python - Size: 30.6 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

weixu000/rl_tensorflow đĻ
DQN, Double DQN, Dueling Network
Language: Python - Size: 143 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 0

heydarimo/DQN-vs-DDQN-LunarLander-Environment
In this Repository, we intend to implement the DQN and also the DDQN algorithm in case of training an agent to solve the Lunar-Lander problem. there are lots of exciting results after training which have been attached.
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 2 - Forks: 0

dxpawn/LunarLander-v3
Solving the LunarLander-v3 Environment: A 60-hour approach for the final term report in Foundation of Artificial Intelligence, VNU-UET (May 2025).
Language: Jupyter Notebook - Size: 27.4 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

flowun/gardnerChessAi
Implementation of the Double Deep Q-Learning algorithm with a prioritized experience replay memory to train an agent to play the minichess variante Gardner Chess
Language: Python - Size: 3.56 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

jonasmaertens/TASEP
Totally Asymmetric Simple Exclusion Process (TASEP) using reinforcement learning (RL) agents
Language: TeX - Size: 573 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

notsamdonald/MaRLo
Various Deep RL models applied to Super Mario Bros
Language: Python - Size: 661 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

RajK853/RL_OpenAI_Gym
Solutions for OpenAI Gym RL environments
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 27 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

albjerto/moon-landing
Deep Q-Learning algorithms to solve LunarLander-v2.
Language: Python - Size: 1.38 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

FrankCCCCC/rl_collection
Implementation of Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 16.8 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

nimishsantosh107/Reinforcement-Learning
Reinforcement learning algorithms and solved gym environments.
Language: Jupyter Notebook - Size: 63.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

mattjmattj/php-rl
A basic reinforcement learning library in PHP
Language: PHP - Size: 50.8 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

bellthomas/VDQN
Exploring Variational Deep Q Networks. A study undertaken for the University of Cambridge's R244 Computer Science Masters Course. Inspired by https://arxiv.org/abs/1711.11225/.
Language: Python - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

sadighian/baselines Fork of openai/baselines
Deep Reinforcement Learning research experiment using OpenAI Baselines'
Language: Python - Size: 5.98 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

gbartyzel/drlnd
Deep Reinforcement Learning Nanodegree projects
Language: Python - Size: 63.8 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

SIakovlev/Navigation
Deep Reinforcement Learning Nanodegree Project 1
Language: Python - Size: 9.86 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 3

pawan47/Flappy-Bird_DDQN
Simple implementation of DDQN for Flappy_Bird Game
Language: Python - Size: 1.31 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

SC4RECOIN/DQN
Language: Python - Size: 7.81 KB - Last synced at: 11 days ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

yahnyshc/selfDrivingCarRL
Self-Driving Car Reinforcement Learning đđ¤đ§
Language: Python - Size: 620 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Connor2803/AI-Mario-Project
AI Models for Playing Super Mario Bros
Language: Python - Size: 49.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

JMaskiewicz/RL_tester
Language: Python - Size: 2.25 GB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

gsiatras/TUC_Reinforcement_Deep_Learning_Algorithms_in_Poker Fork of datamllab/rlcard
Reinforcement learning algorithms in poker games
Language: Python - Size: 35 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

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

RFLeijenaar/RL-Catch-Value-Based
Deep Reinforcement Learning: Value-Based methods. An implementation of DQN, DDQN, Dueling Architectures, DQV, DQV-Max on the PyTorch Lightning framework.
Language: Python - Size: 691 KB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

romanycc/NYCU_DLP_2023
NYCU DLP 2023
Language: Python - Size: 17.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

JojiJoseph/Deep-RL
Contains deep reinforcement learning algorithms I have implemented.
Language: Python - Size: 68.4 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

sebastienbaur/Deep-RL-OpenAI-gym
Deep RL on OpenAI gym environment
Language: Python - Size: 197 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
