Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for python atari
atari
x
python
x
171 search results found
Baselines
⭐
14,949
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
Tianshou
⭐
7,125
An elegant PyTorch deep reinforcement learning library.
Keras Rl
⭐
5,348
Deep Reinforcement Learning for Keras.
Cleanrl
⭐
3,947
High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features (PPO, DQN, C51, DDPG, TD3, SAC, PPG)
Muzero General
⭐
2,203
MuZero
Rainbow
⭐
1,272
Rainbow: Combining Improvements in Deep Reinforcement Learning
D3rlpy
⭐
1,149
An offline deep reinforcement learning library
Pfrl
⭐
1,046
PFRL: a PyTorch-based deep reinforcement learning library
Async Rl
⭐
1,013
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
Lightzero
⭐
767
[NeurIPS 2023 Spotlight] LightZero: A Unified Benchmark for Monte Carlo Tree Search in General Sequential Decision Scenarios
Seed_rl
⭐
755
SEED RL: Scalable and Efficient Deep-RL with Accelerated Central Inference. Implements IMPALA and R2D2 algorithms in TF2 with SEED's architecture.
Dreamerv2
⭐
700
Mastering Atari with Discrete World Models
Iris
⭐
681
Transformers are Sample-Efficient World Models. ICLR 2023, notable top 5%.
Torchbeast
⭐
560
A PyTorch Platform for Distributed RL
Awesome Monte Carlo Tree Search Papers
⭐
537
A curated list of Monte Carlo tree search papers with implementations.
Rl_a3c_pytorch
⭐
535
A3C LSTM Atari with Pytorch plus A3G design
Openrl
⭐
496
Unified Reinforcement Learning Framework
Reinforcement Implementation
⭐
380
Implementation of benchmark RL algorithms
Qlearning4k
⭐
364
Q-learning for Keras
Xuance
⭐
339
XuanCe: A Comprehensive and Unified Deep Reinforcement Learning Library
Agentnet
⭐
293
Deep Reinforcement Learning library for humans
Alf
⭐
280
Agent Learning Framework https://alf.readthedocs.io
Reinforcement Learning Kr
⭐
238
[파이썬과 케라스로 배우는 강화학습] 예제
Dreamer Pytorch
⭐
233
Dream to Control: Learning Behaviors by Latent Imagination, implemented in PyTorch.
Minatar
⭐
231
Self Imitation Learning
⭐
225
ICML 2018 Self-Imitation Learning
C Swm
⭐
221
Contrastive Learning of Structured World Models
Ai_for_atari
⭐
200
Deep Reinforcement Learning Algorithms for solving Atari 2600 Games
Dqn Chainer
⭐
198
Dqn
⭐
194
Basic DQN implementation
Paac
⭐
185
Open source implementation of the PAAC algorithm presented in Efficient Parallel Methods for Deep Reinforcement Learning
Atari
⭐
185
AI research environment for the Atari 2600 games 🤖.
Adeptrl
⭐
178
Reinforcement learning framework to accelerate research
Atari Reset
⭐
156
Code for the blog post "Learning Montezuma’s Revenge from a Single Demonstration"
Baby A3c
⭐
153
A high-performance Atari A3C agent in 180 lines of PyTorch
Dqn_tensorflow
⭐
152
Tensorflow implementation of deep Q networks in paper 'Playing Atari with Deep Reinforcement Learning'
Sim2600
⭐
144
Visual6502.org transistor-level simulation of the Atari 2600 game console
Game Ai
⭐
140
Game AI for Machine Learning for Hackers #3
Multitask And Transfer Learning
⭐
134
Benchmark and build RL architectures that can do multitask and transfer learning.
Atari Rl
⭐
121
Atari - Deep Reinforcement Learning algorithms in TensorFlow
Rltime
⭐
116
RLtime is a reinforcement learning library focused on state-of-the-art q-learning algorithms and features
Fractalai
⭐
94
Celular automaton-based calculus for the masses
Categorical Dqn
⭐
90
A working implementation of the Categorical DQN (Distributional RL).
Td Gammon
⭐
90
Implementation of TD-Gammon in TensorFlow.
Dqn Atari
⭐
89
A TensorFlow based implementation of the DeepMind Atari playing "Deep Q Learning" agent that works reasonably well
Reinforcement_learning
⭐
89
강화학습에 대한 기본적인 알고리즘 구현
Drqn Tensorflow
⭐
88
Deep recurrent Q Learning using Tensorflow, openai/gym and openai/retro
Space
⭐
84
Official PyTorch implementation of "SPACE: Unsupervised Object-Oriented Scene Representation via Spatial Attention and Decomposition"
Tiny Dqn
⭐
78
A tiny implementation of Deep Q Learning, using TensorFlow and OpenAI gym
Rl
⭐
75
Generic reinforcement learning codebase in TensorFlow
Xworld
⭐
74
A C++/Python simulator package for reinforcement learning
Deep_rl_ale
⭐
73
An implementation of Deep Reinforcement Learning / Deep Q-Networks for Atari games in TensorFlow
Recurrent Environment Simulators
⭐
73
Deepmind Recurrent Environment Simulators paper implementation in tensorflow
Chimp
⭐
72
General purpose framework for deep reinforcement learning
Atari Pong
⭐
71
Neural Networks For Playing Pong
Gym Games
⭐
65
A gymnasium version of various games for reinforcement learning.
Fathom
⭐
62
Reference workloads for modern deep learning methods.
Techcircle_openai_handson
⭐
59
Tech-Circle OpenAI Handson Repository
Hands On Neuroevolution With Python
⭐
57
Hands-on Neuroevolution with Python, Published by Packt
Rainbow Iqn Apex
⭐
52
Distributed Rainbow-IQN for Atari
Fruit Api
⭐
50
A Universal Deep Reinforcement Learning Framework
Reinforcementlearning
⭐
48
Reinforcing Your Learning of Reinforcement Learning
Ml In Tf
⭐
45
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Async Deeprl
⭐
44
Playing Atari games with TensorFlow implementation of Asynchronous Deep Q-Learning
Dqn Atari
⭐
44
Deep Q-Learning (DQN) implementation for Atari pong.
Deep Reinforcement Learning With Double Q Learning
⭐
41
📖 Paper: Deep Reinforcement Learning with Double Q-learning 🕹️
Mmn
⭐
40
Moore Machine Networks (MMN): Learning Finite-State Representations of Recurrent Policy Networks
Galaxy Attack
⭐
38
An inspiration of the original Atari Space Invaders game built in pygame 👾 🎮
Pop3d
⭐
35
Policy Optimization with Penalized Point Probability Distance: an Alternative to Proximal Policy Optimization
Breakout Deep Q Network
⭐
33
tensorflow implementation of DQN, Dueling DQN and Double DQN performed on Atari Breakout
Ppo Clip And Ppo Penalty On Atari Domain
⭐
33
Implement PPO-clip and PPO-penalty on Atari, which is the only open source of PPO-penalty
Reinforcement Learning Kr V2
⭐
33
[파이썬과 케라스로 배우는 강화학습] 텐서플로우 2.0 개정판 예제
Deep Q Networks
⭐
32
Implementation of Deep/Double Deep/Dueling Deep Q networks for playing Atari games using Keras and OpenAI gym
Deep Rl Bootcamp Labs
⭐
32
Solutions to the Deep RL Bootcamp labs
Pytorch Rl Cpp
⭐
31
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Dehrl
⭐
31
Diversity−Driven Extensible Hierarchical Reinforcement Learning. AAAI 2019.
Atari_multitask
⭐
30
Atari gauntlet for RL agents
Dqn
⭐
30
TensorFlow & Keras implementation of DQN with HER (Hindsight Experience Replay)
Lirpg
⭐
29
Deep Q Atari
⭐
29
Keras and OpenAI Gym implementation of the Deep Q-learning algorithm to play Atari games.
Nesgym
⭐
27
NES environment for openai gym
Dqn Ddqn On Space Invaders
⭐
26
Implementation of Double Deep Q Networks and Dueling Q Networks using Keras on Space Invaders using OpenAI Gym. Code can be easily generalized to other Atari games.
Pytorch Cns
⭐
26
Generalized Compressed Network Search with PyTorch
Drqn Keras
⭐
25
Atari-DRQN (keras ver.)
Drl
⭐
24
A collection of Deep Reinforcement Learning algorithms implemented in tensorflow. Very extensible. High performing DQN implementation.
Ddrl
⭐
22
Human Level Control Through Deep Reinforcement Learning
⭐
22
📖 Paper: Human-level control through deep reinforcement learning 🕹️
Playing Custom Games Using Deep Learning
⭐
22
Implementation of Google's paper on playing atari games using deep learning in python.
Paac.pytorch
⭐
21
Pytorch implementation of the PAAC algorithm presented in Efficient Parallel Methods for Deep Reinforcement Learning https://arxiv.org/abs/1705.04862
Human Rl
⭐
21
Code for human intervention reinforcement learning
Agnes
⭐
20
Flexible Reinforcement Learning Framework with PyTorch
Dpfrl
⭐
20
Discriminative Particle Filter Reinforcement Learning for Complex Partial Observations (ICLR 2020)
Dqn Tensorflow
⭐
19
Deep Q Network implements by Tensorflow
Atrcopy
⭐
19
Command line utility to manage file systems on Atari 8-bit and Apple ][ disk images.
Rosmo
⭐
19
Code for "Efficient Offline Policy Optimization with a Learned Model", ICLR2023
Malmo Challenge
⭐
18
Malmö challenge
Sc2atari
⭐
18
Convert sc2 environment to gym-atari and play some mini-games
Rl_workshop
⭐
17
Materials and organization for the upcoming ML workshop.
Auto Datfile Generator
⭐
16
Generate No-Intro & Redump WWW clrmamepro profiles daily
Reward Estimator Corl
⭐
16
Reward Estimation for Variance Reduction in Deep Reinforcement Learning
Related Searches
Python Machine Learning (20,195)
Python Docker (14,113)
Python Tensorflow (13,736)
Python Deep Learning (13,092)
Python Network (11,495)
Python Video Game (10,341)
Python Algorithms (10,033)
Python Artificial Intelligence (8,580)
Python Pytorch (7,877)
Python Keras (6,821)
1-100 of 171 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2024 Awesome Open Source. All rights reserved.