Ecosyste.ms: Repos

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

GitHub topics: cartpole-v0

ChihChiu29/deep_learning

Component-driven library for performing DL research.

Language: Jupyter Notebook - Size: 111 MB - Last synced: 26 days ago - Pushed: over 4 years ago - Stars: 6 - Forks: 1

n1ghtf4l1/cautious-octo-disco

Implemented the Actor-Critic method using TensorFlow to train an agent on the Open AI Gym CartPole-V0 environment.

Language: Jupyter Notebook - Size: 22.5 KB - Last synced: 29 days ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

davide97l/PPO-GAIL-cartpole

GAIL learning to imitate PPO playing CartPole.

Language: Jupyter Notebook - Size: 1.34 MB - Last synced: 23 days ago - Pushed: almost 3 years ago - Stars: 11 - Forks: 4

choo8/openai-cartpole

Experimentation with the Cartpole environment in OpenAI's gym

Language: Jupyter Notebook - Size: 37.1 KB - Last synced: 2 months ago - Pushed: about 5 years ago - Stars: 1 - Forks: 0

Ronit-j/cartpole-rl

cartpole openai gym

Language: Jupyter Notebook - Size: 7.81 KB - Last synced: 2 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

shivaverma/OpenAIGym

Solving OpenAI Gym problems.

Language: Python - Size: 19.4 MB - Last synced: 4 months ago - Pushed: over 3 years ago - Stars: 178 - Forks: 59

davide97l/Rainbow

Implementation and evaluation of the RL algorithm Rainbow to learn to play Atari games.

Language: Python - Size: 90.6 MB - Last synced: 23 days ago - Pushed: almost 4 years ago - Stars: 9 - Forks: 2

spirosbax/HittingTheGym

Implementing reinforcement learning algorithms using TensorFlow and Keras in OpenAI Gym

Language: Python - Size: 463 KB - Last synced: 4 months ago - Pushed: over 5 years ago - Stars: 3 - Forks: 0

Palak-15/CartPole-v0-Reinforcement-Learning

It is tensorflow implementation of Actor-Critic Method.

Language: Jupyter Notebook - Size: 327 KB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 4 - Forks: 0

RonnJacob/Cartpole-V0

Solving the cartpole problem using reinforment learning techniques such as Q-Learning and DQN.

Language: Python - Size: 407 KB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

007prateekd/cartpole-v0

Solved CartPole-v0 with REINFORCE algorithm.

Language: Python - Size: 214 KB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

wisnunugroho21/reinforcement_learning_ppo_rnd

Deep Reinforcement Learning by using Proximal Policy Optimization and Random Network Distillation in Tensorflow 2 and Pytorch with some explanation

Language: Python - Size: 32.9 MB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 40 - Forks: 5

sabre-code/Reinforcement-Learning

Reinforcement Learning Projects - Breakout, Car Racing, Cart Pole

Language: Jupyter Notebook - Size: 1.04 GB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 1 - Forks: 1

charanhu/Reinforcement_Learning

Reinforcement Learning with Stable Baselines3: Train and evaluate a CartPole agent using Stable Baselines3 library. Includes code for training, saving, and testing the model, along with a GIF visualization of the trained agent.

Language: Jupyter Notebook - Size: 371 KB - Last synced: 4 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

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: 12 months ago - Pushed: about 3 years ago - Stars: 24 - Forks: 8

maciejbalawejder/Reinforcement-Learning-Collection

Language: Jupyter Notebook - Size: 1.2 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 5 - Forks: 4

SwamiKannan/CartPole-using-Stable-Baselines

CartPole environment using Stable BaseLines library

Language: Jupyter Notebook - Size: 305 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

jatinarora2702/gail-pytorch

PyTorch implementation of GAIL and PPO reinforcement learning algorithms

Language: Python - Size: 1.48 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 7 - Forks: 4

rob-deans/rl_pole_balance 📦

OpenAI polecart challenge implemented with DQN

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

robertjankowski/ga-openai-gym

Usage of genetic algorithms to train a neural network in multiple OpenAI gym environments.

Language: Python - Size: 69.8 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 29 - Forks: 6

JoKoum/reinforcement-learning-vs-control-theory

Agent versus Controller approach in balancing CartPole system.

Language: Python - Size: 389 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

RPC2/PPO

A concise PyTorch implementation of Proximal Policy Optimization(PPO) solving CartPole-v0

Language: Python - Size: 289 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 10 - Forks: 0

RahulBarman101/Policy-Gradient-CartPole

Language: Python - Size: 1000 Bytes - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 3 - Forks: 1

hjorvardr/RL_Library

An implementation of main reinforcement learning algorithms: solo-agent and ensembled versions.

Language: Python - Size: 240 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 11 - Forks: 1

SwamiKannan/CartPole-using-REINFORCE

Solving the CartPole using Reinforce algorithm

Language: Jupyter Notebook - Size: 604 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

iiShreya/cartPoleEnv_hillClimbingAlgo

Hill Climbing Algorithm implemented for the Cart Pole Environment.

Language: Jupyter Notebook - Size: 65.4 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

LachubCz/PGuNN

PGuNN - Playing Games using Neural Networks

Language: Python - Size: 34 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 3 - Forks: 0

grassking100/reinforcement_learning

An implementation of the reinforcement learning for CartPole-v0 by policy optimization

Language: Python - Size: 6.84 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 0

navuboy/ppo_gazebo_tf

Solving the custom cartpole balance problem in gazebo environment using Proximal Policy Optimization(PPO)

Language: Python - Size: 4.81 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 3 - Forks: 2

DigZator/cartpole-v0-DQN

Solving the gym cartpole v0 problem

Language: Python - Size: 716 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

rajathpi/cartpole

OpenAI's CartPole-v0

Language: Python - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

amirabbasii/Cartpole_C51

Solving CartPole using Distributional RL

Language: Jupyter Notebook - Size: 475 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

DanielPalaio/CartPole-v0_DeepRL

OpenAI CartPole-v0 DeepRL-based solutions (DQN, DuelingDQN, D3QN)

Language: Python - Size: 15 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 5 - Forks: 0

erayon/CartPole-v0

OpenAI gym CartPole using Keras

Language: Jupyter Notebook - Size: 17.6 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 3 - Forks: 4

dv-fenix/ReinforcementLearning

Implementing some RL algorithms (using PyTorch) on the CartPole environment by OpenAI.

Language: Python - Size: 28.3 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

NeoDoggy/ai_reinforcement

one of my ai homeworks, playing with cartpole in python gym

Language: Python - Size: 2.04 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

RahulBarman101/Policy-Gradient-CartPole-PyTorch

Language: Python - Size: 1000 Bytes - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

ashishraste/openai-gyms

Experiments on Reinforcement Learning with OpenAI Gyms

Language: Jupyter Notebook - Size: 1020 KB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sgheidi/rl-cartpole

🤖 Training an RL agent to balance a cartpole in the OpenAI Gym environment.

Language: Python - Size: 848 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

simoninithomas/Policy_gradients_CartPole

A Policy Gradient Learning with CartPole-v0 for Siraj Raval's challenge

Language: Jupyter Notebook - Size: 518 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 2 - Forks: 2

KushalBhanot/Cartpole-RL

This is an intelligent cartpole which knows how to balance itself.

Language: Jupyter Notebook - Size: 68.4 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

RitikParkar/DRL-Algorithms

Using DRL algorithms like Policy gradients, A2C on game environments like CartPole-v0 and other Atari games

Language: Python - Size: 8.79 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

AnesBenmerzoug/Machine-Learning-Projects

A few machine learning projects that I made using PyTorch

Language: Python - Size: 79.8 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 0

pawan47/DQN_cartpole

simple and minimal implementation of DQN using target network.

Language: Python - Size: 638 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

AnthonyDickson/CartPole-NEAT

CartPole Reinforcement Learning with Neuroevolution of augmenting topologies

Language: Python - Size: 304 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 0

nihal-rao/RL-Double-DQN

Using Double Q Networks with experience replay to solve Cartpole v0 in just 184 episodes, implemented in Tensorflow 2.

Language: Jupyter Notebook - Size: 339 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

roshray/AI_On_Balancing_Pole

The idea of B_Pole is that there is a pole standing up on top of a cart. The goal is to balance this pole by wiggling/moving the cart from side to side to keep the pole balanced upright. The environment is deemed successful if we can balance for 200 frames, and failure is deemed when the pole is more than 15 degrees from fully vertical.

Language: Python - Size: 16.9 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

layman-n-ish/Stable-oid

My attempt to solve the classic CartPole-v0 problem using (Deep) Reinforcement Learning

Language: Python - Size: 3.91 KB - Last synced: 10 months ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

gbbocchini/CartPoleV0_Keras_PRO_model_trained

A CartpoleV0 solution using Keras DNN. A version of the PRO trained model is included also.

Language: Jupyter Notebook - Size: 28.3 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

katnoria/hill-climbing-agents

Collection of policies that use hill climbing variants to solve CartPole

Language: Jupyter Notebook - Size: 894 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 1 - Forks: 0

AnthonyDickson/CartPole

Q-Learning Agent for the CartPole environment from OpenAI Gym

Language: Python - Size: 49.8 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

akhil-code/cartpole-neuro-evolution

Language: Python - Size: 59.6 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

EduBic/DQN-in-CartPole

A set of scripts that help me learning recent Deep Reinforcement Learning algorithms with Q-learning

Language: Python - Size: 21.7 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

lipry/DeepCartPole

Google DeepMind "Playing Atari with Deep Reinforcement Learning" paper inspired implementation to solve cart pole problem

Language: Python - Size: 22.5 KB - Last synced: 12 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

Yishun99/Q-learning

Q-learning + OpenAI Gym

Language: Python - Size: 1.36 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 1

Related Keywords
cartpole-v0 55 reinforcement-learning 30 openai-gym 19 python 10 dqn 10 tensorflow 9 pytorch 9 deep-learning 8 q-learning 8 policy-gradient 8 deep-reinforcement-learning 8 gym 7 keras 6 machine-learning 6 ppo 6 openai 5 python3 5 gym-environment 5 dueling-dqn 3 mountaincar-v0 3 neural-network 3 prioritized-experience-replay 3 genetic-algorithm 3 frozenlake-v0 3 bipedalwalker 3 keras-tensorflow 3 qlearning 3 ddqn 3 numpy 2 artificial-intelligence 2 pytorch-implementation 2 agent 2 proximal-policy-optimization 2 actor-critic 2 sarsa 2 policy 2 double-dqn 2 deep-q-learning 2 gail 2 ppo-pytorch 2 hill-climbing 2 cartpole 2 tensorflow2 2 lunar-lander 2 dqn-pytorch 2 neural-networks 2 cartpole-v1 2 atari-games 2 mountain-car 2 reinforce 1 double-q-learning 1 distributional-rl 1 c51 1 hill-climbing-algorithm 1 tflearn 1 drl 1 2048 1 tensorflow-gpu 1 acrobot-v1 1 spaceinvaders-v0 1 beamrider-ram-v0 1 beamrider-v0 1 gazebo-simulator 1 breakout-ram-v0 1 spaceinvaders-ram-v0 1 policy-optimization 1 target-network 1 breakout-v0 1 steepest-ascend 1 simulated-annealing 1 adaptive-noise-scaling 1 keras-neural-networks 1 cartpole-environment 1 webapp 1 visualization 1 restful-api 1 realtime-visualization 1 reactjs 1 postgresql 1 neat-algorithm 1 mongodb 1 flask 1 docker 1 database 1 bootstrap4 1 unsupervised-learning 1 supervised-learning 1 stl10 1 space-invaders 1 mnist-classification 1 classification 1 cifar-10 1 cartpole-problem 1 adaptive-learning 1 boilerplate-code 1 a2c-algorithm 1 dqn-tensorflow 1 deeprl 1 d3qn 1 environment 1