Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for tensorflow gym
gym
x
tensorflow
x
84 search results found
Keras Rl
⭐
5,348
Deep Reinforcement Learning for Keras.
Async Rl
⭐
1,013
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
Batch Ppo
⭐
919
Efficient Batched Reinforcement Learning in TensorFlow
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"
Rex Gym
⭐
759
OpenAI Gym environments for an open-source quadruped robot (SpotMicro)
Tensorflow Tutorial Samples
⭐
356
TensorFlow2教程 TensorFlow 2.0 Tutorial 入门教程实战案例
Airgesture
⭐
348
Play games without touching keyboard
Trpo
⭐
315
Trust Region Policy Optimization with TensorFlow and OpenAI Gym
Openai_lab
⭐
314
An experimentation framework for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.
Kerlym
⭐
290
KEras Reinforcement Learning gYM agents
Deep Reinforcement Learning Gym
⭐
235
Deep reinforcement learning model implementation in Tensorflow + OpenAI gym
Ddpg Aigym
⭐
220
Continuous control with deep reinforcement learning - Deep Deterministic Policy Gradient (DDPG) algorithm implemented in OpenAI Gym environments
Naf Tensorflow
⭐
188
"Continuous Deep Q-Learning with Model-based Acceleration" in TensorFlow
Tf_deep_rl_trader
⭐
186
Trading Environment(OpenAI Gym) + PPO(TensorForce)
Dist Dqn
⭐
181
Multi-GPU reinforcement learning using Deep Q-Network in TensorFlow for OpenAI Gym
Deep Q Learning
⭐
127
Tensorflow implementation of Deepminds dqn with double dueling networks
Dqn
⭐
116
DQN implementation in Keras + TensorFlow + OpenAI Gym
Deep Reinforcement Learning In Large Discrete Action Spaces
⭐
102
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Reinforce_py
⭐
91
Reinforcement Learning in Python
Drqn Tensorflow
⭐
88
Deep recurrent Q Learning using Tensorflow, openai/gym and openai/retro
Tiny Dqn
⭐
78
A tiny implementation of Deep Q Learning, using TensorFlow and OpenAI gym
Rl Course Experiments
⭐
73
Async Deep Rl
⭐
68
A Tensorflow based implementation of "Asynchronous Methods for Deep Reinforcement Learning": https://arxiv.org/abs/1602.01783
Tensorflow_rl
⭐
54
Gym 2048
⭐
54
Open AI gym environment for the game 2048
Agent57
⭐
47
Qiita投稿用に作成したAgent57(強化学習)の実装コードです。
Tensorflow2.0 For Deep Reinforcement Learning
⭐
44
TensorFlow 2.0 for Deep Reinforcement Learning. 🐙
Reinforcement Learning With Tensorflow
⭐
39
Reinforcement Learning with TensorFlow, published by Packt
Programmable Agents_tensorflow
⭐
38
Tensorflow Implementation of Programmable Agents
Tf_openailab_gpu_docker
⭐
36
Drl Tensorflow
⭐
33
My DRL library with tensorflow1.14 based on openai spinning-up
Deep Rl Docker
⭐
32
Docker image with OpenAI Gym, Baselines, MuJoCo and Roboschool, utilizing TensorFlow and JupyterLab.
Pytorch Rl Cpp
⭐
31
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Scalable_maddpg
⭐
30
scalable multi agents reinforcement learning
Deep_rl_acrobot
⭐
30
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Drlkit
⭐
29
A High Level Python Deep Reinforcement Learning library. Great for beginners, prototyping and quickly comparing algorithms
A3c Continuous
⭐
27
Tensorflow implementation of the asynchronous advantage actor-critic (a3c) reinforcement learning algorithm for continuous action space
Master Thesis
⭐
25
Deep Reinforcement Learning in Autonomous Driving: the A3C algorithm used to make a car learn to drive in TORCS; Python 3.5, Tensorflow, tensorboard, numpy, gym-torcs, ubuntu, latex
Tensorgym
⭐
25
The code for my OpenAI Gym & Tensorflow tutorial.
Dqn
⭐
22
Deep-Q-Network reinforcement learning algorithm applied to a simple 2d-car-racing environment
Hands On Q Learning With Python
⭐
22
Hands-On Q-Learning with Python, published by Packt
A3c
⭐
21
Asynchronous Advantage Actor Critic
Rlflow
⭐
20
A TensorFlow-based framework for learning about and experimenting with reinforcement learning algorithms
Dex
⭐
18
Continual Learning Toolkit for Reinforcement Learning
Sc2atari
⭐
18
Convert sc2 environment to gym-atari and play some mini-games
Python Reinforcement Learning
⭐
17
Solve complex real-world problems by mastering reinforcement learning algorithms using OpenAI Gym and TensorFlow
Trpo
⭐
17
trust region policy optimization base on gym and tensorflow, can run in distribution mode
Ga3c Cpp
⭐
16
A C++ implementation of the asynchronous advantage actor-critic (A3C) algorithm
Ddpg Tensorflow
⭐
16
DDPG on OpenAI Gym Pendulum
Dqn Lambda
⭐
15
NeurIPS 2019: DQN(λ) = Deep Q-Network + λ-returns.
Reinforcement_learning_ppo_rnd
⭐
14
Deep Reinforcement Learning by using Proximal Policy Optimization and Random Network Distillation in Tensorflow 2 and Pytorch with some explanation
Tensorl
⭐
12
Simple and self-contained TensorFlow implementation of reinforcement learning algorithms for continuous control, integrated with OpenAI Gym and other physics engines.
Swiftreinforce
⭐
10
Implementation of the Reinforce algorithm using Swift for Tensorflow.
Pyreinforce
⭐
10
Deep Reinforcement Learning library for Python
Pyoneer
⭐
10
Tensor utilities, reinforcement learning, and more!
Fitme
⭐
9
FitMe is an AI-based fitness application
Drlbox
⭐
9
Interfacing RL agents with user-definable neural networks and OpenAI-gym environments.
Reinforceflow
⭐
9
Deep Reinforcement Learning framework based on TensorFlow and OpenAI Gym
Ludus
⭐
8
Minimalistic library to simplify and speed up application and Reinforcement Learning
Rddlgym
⭐
8
A toolkit for working with RDDL domains in Python3.
Dddqn Tf
⭐
8
Dueling Double Deep Q-Network TensorFlow + TFLearn implementation
Actor Critic Algs On Tensorflow
⭐
8
Distributed RL implementations
Bipedalwalker V2
⭐
7
Solving openAI's game 'BipedalWalker-v2' with Deep Reinforcement Learning
Dqn Agent
⭐
7
Dqn 2048
⭐
7
Deep Reinforcement Learning to Play 2048 (with Keras)
Cs231n
⭐
7
Stanford cs231n (HKUST COMP4901J Fall 2018 Deep Learning in Computer Vision) Assignment Repository
Walk Bot
⭐
6
PPO implementation of Humanoid-v2 from Open-AI gym
Baselines_tf2
⭐
6
Deep Reinforcement Learning algorithms using Tensorflow 2.0's Autograph and tf.function
Mountain Car Continuous
⭐
6
Implementations of solutions to the continuous mountain car problem. Using OpenAI Gym and Tensorflow 1.1.
Vinci
⭐
6
A generic, easy to use, and keras-compatible deep RL framework
Openai Universe Agents
⭐
6
Deep reinforcement learning agents for OpenAI universe environments
Asynchronous_1step
⭐
5
TensorFlow implementation of the two 1-step methods from "Asynchronous Deep Reinforcement Learning Methods" by Mnih et. al., 2016 for OpenAIs Gym-environment.
Deep Q Network Using Tensorflow
⭐
5
This repository contains Deep Q-Networks and Double DQN implementation in tensorflow for Open AI Gym environments.
Deepq
⭐
5
A reinforcement learning library in Python
Ddpg
⭐
5
Implimenting DDPG Algorithm in Tensorflow-2.0
Reinforcement Learning
⭐
5
Meetup_pythonbq_deeplearning
⭐
5
DQN examples
Learning Chaos
⭐
5
Unofficial Python implementation of the DQN (Mnih et al., 2015) with tensorflow
Codes For Rl Project
⭐
5
IERG 6130 Reinforcement Learning
Deep Reinforcement Learning
⭐
5
Various Deep Reinforcement Learning techniques applied to different environments. Will be updated with new algorithms and environments often!
Golds Rl Gym
⭐
5
Cont. control RL algorithms and multi-agent environments
Related Searches
Python Tensorflow (14,700)
Deep Learning Tensorflow (6,250)
Jupyter Notebook Tensorflow (4,771)
Machine Learning Tensorflow (3,784)
Tensorflow Keras (3,638)
Tensorflow Convolutional Neural Networks (2,306)
Tensorflow Neural Network (2,134)
Tensorflow Neural (1,635)
Tensorflow Dataset (1,583)
Tensorflow Network (1,494)
1-84 of 84 search results
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.