Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for python deep reinforcement learning
deep-reinforcement-learning
x
python
x
417 search results found
Trax
⭐
7,818
Trax — Deep Learning with Clear Code and Speed
Cleanrl
⭐
3,947
High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features (PPO, DQN, C51, DDPG, TD3, SAC, PPG)
Reinforcement Learning
⭐
3,119
Minimal and Clean Reinforcement Learning Examples
Deeprl
⭐
2,834
Modularized Implementation of Deep RL Algorithms in PyTorch
Deep Reinforcement Learning With Pytorch
⭐
2,741
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Minimalrl
⭐
2,417
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Rlcard
⭐
2,260
Reinforcement Learning / AI Bots in Card (Poker) Games - Blackjack, Leduc, Texas, DouDizhu, Mahjong, UNO.
Muzero General
⭐
2,203
MuZero
Ppoxfamily
⭐
1,979
PPO x Family DRL Tutorial Course(决策智能入门级公开课:8节课帮你盘清算法理论,理顺代码逻辑,玩转决策AI应用实践 )
Habitat Lab
⭐
1,910
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
Rl Baselines3 Zoo
⭐
1,640
A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
Snake
⭐
1,596
Artificial intelligence for the Snake game.
Deep Rl Tensorflow
⭐
1,505
TensorFlow implementation of Deep Reinforcement Learning papers
Top Deep Learning
⭐
1,437
Top 200 deep learning Github repositories sorted by the number of stars.
Di Star
⭐
1,391
An artificial intelligence platform for the StarCraft II with large-scale distributed training and grand-master agents.
Noreward Rl
⭐
1,315
[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
Rainbow
⭐
1,272
Rainbow: Combining Improvements in Deep Reinforcement Learning
Ppo Pytorch
⭐
1,270
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
D3rlpy
⭐
1,149
An offline deep reinforcement learning library
Softlearning
⭐
1,108
Softlearning is a reinforcement learning framework for training maximum entropy policies in continuous domains. Includes the official implementation of the Soft Actor-Critic algorithm.
Slm Lab
⭐
1,052
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Deep Q Learning
⭐
894
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
Deepdrive
⭐
845
Deepdrive is a simulator that allows anyone with a PC to push the state-of-the-art in self-driving
Btgym
⭐
825
Scalable, event-driven, deep-learning-friendly backtesting library
Rl Book
⭐
794
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
Pytorch A3c
⭐
768
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
Pygame Learning Environment
⭐
727
PyGame Learning Environment (PLE) -- Reinforcement Learning Environment in Python.
Deeprl Tutorials
⭐
726
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Pysc2 Examples
⭐
721
StarCraft II - pysc2 Deep Reinforcement Learning Examples
Pytorch Rl
⭐
703
Deep Reinforcement Learning with pytorch & visdom
Osim Rl
⭐
695
Reinforcement learning environments with musculoskeletal models
Pytorch Rl
⭐
638
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Autonomous Learning Library
⭐
616
A PyTorch library for building deep reinforcement learning agents.
Marllib
⭐
611
One repository is all that is necessary for Multi-agent Reinforcement Learning (MARL)
Neural Slam
⭐
592
Pytorch code for ICLR-20 Paper "Learning to Explore using Active Neural SLAM"
Dissecting Reinforcement Learning
⭐
585
Python code, PDFs and resources for the series of posts on Reinforcement Learning which I published on my personal blog
Rlzoo
⭐
561
A Comprehensive Reinforcement Learning Zoo for Simple Usage 🚀
Animalai Olympics
⭐
552
Code repository for the Animal AI Olympics competition
Sumo Rl
⭐
545
Reinforcement Learning environments for Traffic Signal Control with SUMO. Compatible with Gymnasium, PettingZoo, and popular RL libraries.
Rl_a3c_pytorch
⭐
535
A3C LSTM Atari with Pytorch plus A3G design
Phillip
⭐
521
The SSBM "Phillip" AI.
Deep Trading Agent
⭐
514
Deep Reinforcement Learning based Trading Agent for Bitcoin
Crypto Rl
⭐
497
Deep Reinforcement Learning toolkit: record and replay cryptocurrency limit order book data & train a DDQN agent
Deep Reinforcement Learning Algorithms With Pytorch
⭐
484
Clean, Robust, and Unified PyTorch implementation of popular DRL Algorithms (Q-learning, Duel DDQN, PER, C51, PPO, DDPG, TD3, SAC, ASL)
Tensorflow Reinforce
⭐
477
Implementations of Reinforcement Learning Models in Tensorflow
Purejaxrl
⭐
460
Really Fast End-to-End Jax RL Implementations
Agilerl
⭐
457
Streamlining reinforcement learning with RLOps
Trending Deep Learning
⭐
449
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Pytorch Soft Actor Critic
⭐
414
PyTorch implementation of soft actor critic
Tf2rl
⭐
408
TensorFlow2 Reinforcement Learning
Reinforcement Learning Algorithms
⭐
407
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)
Detection 2016 Nipsws
⭐
393
Hierarchical Object Detection with Deep Reinforcement Learning
Visual Pushing Grasping
⭐
383
Train robotic agents to learn to plan pushing and grasping actions for manipulation with deep reinforcement learning.
Tf_chatbot_seq2seq_antilm
⭐
373
Seq2seq chatbot with attention and anti-language model to suppress generic response, option for further improve by deep reinforcement learning.
Deep_rl
⭐
372
PyTorch implementations of deep reinforcement learning algorithms
Drq
⭐
369
DrQ: Data regularized Q
Lagom
⭐
365
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Pytorch Rl
⭐
356
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Reward Learning Rl
⭐
348
[RSS 2019] End-to-End Robotic Reinforcement Learning without Reward Engineering
Neural Symbolic Machines
⭐
346
Neural Symbolic Machines is a framework to integrate neural networks and symbolic representations using reinforcement learning, with applications in program synthesis and semantic parsing.
Imitation Learning
⭐
344
Imitation learning algorithms
Deep_rl_trader
⭐
337
Trading Environment(OpenAI Gym) + DDQN (Keras-RL)
Machine Learning Is All You Need
⭐
337
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Rls
⭐
330
Reinforcement Learning Algorithms Based on PyTorch
Openai_lab
⭐
314
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Dexteroushands
⭐
300
This is a library that provides dual dexterous hand manipulation tasks through Isaac Gym
Accel Brain Code
⭐
289
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 proces
Hands On Intelligent Agents With Openai Gym
⭐
280
Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch
Curl
⭐
280
CURL: Contrastive Unsupervised Representation Learning for Sample-Efficient Reinforcement Learning
Chanlun
⭐
277
文件 笔和线段的一种划分.py,只需要把k线high,low数据输入,就能自动实现笔,线段,中枢,买卖点, 作为输入文件。个人简历见.pdf。时间的力量。有人说择时很困难,有人说选股很容易,有人说统计套利需要 #股票 #股市 #缠论 https://v.kuaishou.com/bFEl6M Copy this message and open 【Kwai】to view!
Or Gym
⭐
269
Environments for OR and RL Research
Planet
⭐
268
Deep Planning Network: Control from pixels by latent planning with learned dynamics
Gam
⭐
257
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Pytorch Trpo
⭐
252
PyTorch implementation of Trust Region Policy Optimization
Deep Rl Trading
⭐
248
playing idealized trading games with deep reinforcement learning
Rlgraph
⭐
241
RLgraph: Modular computation graphs for deep reinforcement learning
Arena
⭐
239
DIAMBRA Arena: a New Reinforcement Learning Platform for Research and Experimentation
Acer
⭐
238
Actor-critic with experience replay
Machine Learning Goodness
⭐
235
The Machine Learning project including ML/DL projects, notebooks, cheat codes of ML/DL, useful information on AI/AGI and codes or snippets/scripts/tasks with tips.
Machine Learning Uiuc
⭐
235
🖥️ CS446: Machine Learning in Spring 2018, University of Illinois at Urbana-Champaign
Deep Reinforcement Learning Gym
⭐
235
Deep reinforcement learning model implementation in Tensorflow + OpenAI gym
Pomdp Baselines
⭐
224
Simple (but often Strong) Baselines for POMDPs in PyTorch (ICML 2022)
Macad Gym
⭐
224
Multi-Agent Connected Autonomous Driving (MACAD) Gym environments for Deep RL. Code for the paper presented in the Machine Learning for Autonomous Driving Workshop at NeurIPS 2019:
Drl Robot Navigation
⭐
214
Deep Reinforcement Learning for mobile robot navigation in ROS Gazebo simulator. Using Twin Delayed Deep Deterministic Policy Gradient (TD3) neural network, a robot learns to navigate to a random goal point in a simulated environment while avoiding obstacles.
Learningx
⭐
213
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Pytorch Ddpg
⭐
207
Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch
Trixi
⭐
206
Manage your machine learning experiments with trixi - modular, reproducible, high fashion. An experiment infrastructure optimized for PyTorch, but flexible enough to work for your framework and your tastes.
Mini Alphastar
⭐
206
A mini-scale reproduction code of the AlphaStar program. Note: the original AlphaStar is the AI proposed by DeepMind to play StarCraft II.
Drl_grasping
⭐
196
Deep Reinforcement Learning for Robotic Grasping from Octrees
Gym Gazebo2
⭐
193
gym-gazebo2 is a toolkit for developing and comparing reinforcement learning algorithms using ROS 2 and Gazebo
Naf Tensorflow
⭐
188
"Continuous Deep Q-Learning with Model-based Acceleration" in TensorFlow
Learning To Communicate Pytorch
⭐
187
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Object Goal Navigation
⭐
177
Pytorch code for NeurIPS-20 Paper "Object Goal Navigation using Goal-Oriented Semantic Exploration"
Deep Reinforcement Learning For Dialogue Generation In Tensorflow
⭐
170
Deep-Reinforcement-Learning-for-Dialogue-Generatio
Noisynet A3c
⭐
169
Noisy Networks for Exploration
Deep Rts
⭐
169
A Real-Time-Strategy game for Deep Learning research
Offlinerl Kit
⭐
165
An elegant PyTorch offline reinforcement learning library for researchers.
Spinning Up Basic
⭐
164
Basic versions of agents from Spinning Up in Deep RL written in PyTorch
Evogym
⭐
159
A large-scale benchmark for co-optimizing the design and control of soft robots, as seen in NeurIPS 2021.
Hierarchical Actor Critic Hac Pytorch
⭐
154
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Related Searches
Python Machine Learning (20,195)
Python Dataset (14,792)
Python Docker (14,113)
Python Tensorflow (13,736)
Python Deep Learning (13,092)
Python Network (11,495)
Python Html (10,924)
Python Video Game (10,254)
Python Algorithms (10,033)
Python Artificial Intelligence (8,580)
1-100 of 417 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.