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

Topic: "deep-deterministic-policy-gradient"

MorvanZhou/Reinforcement-learning-with-tensorflow

Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学

Language: Python - Size: 428 KB - Last synced at: about 13 hours ago - Pushed at: about 1 year ago - Stars: 9,175 - Forks: 5,025

sudharsan13296/Hands-On-Reinforcement-Learning-With-Python

Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow

Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 847 - Forks: 325

ikostrikov/jaxrl

JAX (Flax) implementation of algorithms for Deep Reinforcement Learning with continuous action spaces.

Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 679 - Forks: 72

cpnota/autonomous-learning-library

A PyTorch library for building deep reinforcement learning agents.

Language: Python - Size: 6.24 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 652 - Forks: 72

ChenglongChen/pytorch-DRL

PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.

Language: Python - Size: 254 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 565 - Forks: 106

fangvv/UAV-DDPG

Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"

Language: Python - Size: 17.6 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 473 - Forks: 80

zuoxingdong/lagom

lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.

Language: Jupyter Notebook - Size: 95.9 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 375 - Forks: 30

ikostrikov/pytorch-ddpg-naf

Implementation of algorithms for continuous control (DDPG and NAF).

Language: Python - Size: 36.1 KB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 304 - Forks: 72

m5823779/motion-planner-reinforcement-learning

End to end motion planner using Deep Deterministic Policy Gradient (DDPG) in gazebo

Language: Python - Size: 28.5 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 142 - Forks: 38

VachanVY/Reinforcement-Learning

PyTorch implementations of algorithms from "Reinforcement Learning: An Introduction by Sutton and Barto", along with various RL research papers.

Language: Python - Size: 50 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 86 - Forks: 4

navuboy/ddpg_biped

Repository for Planar Bipedal walking robot in Gazebo environment using Deep Deterministic Policy Gradient(DDPG) using TensorFlow.

Language: Python - Size: 1.31 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 83 - Forks: 47

Cernewein/heating-RL-agent

A Pytorch DQN and DDPG implementation for a smart home energy management system under varying electricity price.

Language: Jupyter Notebook - Size: 49.9 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 77 - Forks: 13

hanlinniu/turtlebot3_ddpg_collision_avoidance

Mapless Collision Avoidance of Turtlebot3 Mobile Robot Using DDPG and Prioritized Experience Replay

Language: C++ - Size: 48.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 76 - Forks: 27

bobiblazeski/js-gym

Reinforcement learning in JavaScript & Node.js

Language: JavaScript - Size: 13.1 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 50 - Forks: 5

livey/scalable_maddpg

scalable multi agents reinforcement learning

Language: Python - Size: 63.1 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 50 - Forks: 13

soumik12345/DDPG

Pytorch implementation of the Deep Deterministic Policy Gradients for Continuous Control

Language: Jupyter Notebook - Size: 9.4 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 7

sksq96/deep-rl-quadcopter

Implementation of Deep Deterministic Policy Gradients (DDPG) to teach a Quadcopter How to Fly!

Language: HTML - Size: 1.05 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 21 - Forks: 7

EliorBenYosef/reinforcement-learning

Implementations of various RL and Deep RL algorithms in TensorFlow, PyTorch and Keras.

Language: Python - Size: 4.45 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 2

PieroMacaluso/Deep-RL-Autonomous-Systems

Designing a control system to exploit model-free deep reinforcement learning algorithms to solve a real-world autonomous driving task of a small robot.

Language: Python - Size: 319 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 5

BY571/D4PG

PyTorch implementation of D4PG with the SOTA IQN Critic instead of C51. Implementation includes also the extensions Munchausen RL and D2RL which can be added to D4PG to improve its performance.

Language: Python - Size: 2.17 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 4

frankroeder/goal_conditioned_rl

Goal-conditioned reinforcement learning like 🔥

Language: Python - Size: 29.3 KB - Last synced at: about 21 hours ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 0

YukiYasuda2718/rl-bsmodel-with-costs

Option hedging strategies are investigated using two reinforcement learning algorithms: deep Q network and deep deterministic policy gradient.

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 1

qiaochen/DDPG_MultiAgent

Multi-Agent training using Deep Deterministic Policy Gradient Networks, Solving the Tennis Environment

Language: Python - Size: 236 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 1

kcg2015/DDPG_numpy_only

Implemenation of DDPG with numpy only (without Tensorflow)

Language: Python - Size: 64.5 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 11 - Forks: 5

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: about 1 year ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 1

arbit3rr/Synapse-RL

PyTorch framework for reinforcement learning

Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 9 - Forks: 1

arthur-bouton/MachineLearning

Various machine learning implementations and tools

Language: Python - Size: 921 KB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

RLOpensource/spinning_up_kr

Language: Python - Size: 1.95 MB - Last synced at: 29 days ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

seolhokim/ddpg-mountain-car-continuous

DDPG Algorithm is implemented using Pytorch

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

henrytomsf/ReinforcementLearning

Implementation of deep deterministic policy gradient with Wolpertinger

Language: Python - Size: 42 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 3

DeconvFFT/fetch-and-slide-HRE-PRE

In this project, I attempt to solve fetch and slide open gym environment with Hindsight Experience Replay and the I experiment with Prioritised experience replay to see if there are any performance improvements

Language: Python - Size: 42.6 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

MZayed47/DDPG_Agent

Deep Deterministic Policy Gradient (DDPG) is a model-free off-policy algorithm for learning continuous actions. It is a reinforcement learning technique that combines ideas from DPG (Deterministic Policy Gradient) and DQN (Deep Q-Network). From DQN, it uses Experience Replay and Slow-learning target networks. From DPG, it incorporates Operating over continuous action spaces.

Language: Jupyter Notebook - Size: 7.86 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

ARgruny/Deep-Reinforcement-Learning

Build and test DRL algorithms in different environments

Language: Jupyter Notebook - Size: 70.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ken-power/DRLND_ContinuousControl

Deep Reinforcement Learning: Continuous Control. Solve the Unity ML-Agents Reacher Environment.

Language: Jupyter Notebook - Size: 4.82 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

sunoh-kim/deep-reinforcement-learning

This repository contains my assignment solutions for the Deep Reinforcement Learning course (430.729_003) offered by Seoul National University (Spring 2020).

Language: Jupyter Notebook - Size: 3.64 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

cubrink/mujoco-2.1-rl-project

Implementing Deep Reinforcement Learning Algorithms in Python for use in the MuJoCo Physics Simulator

Language: TeX - Size: 368 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

escribano89/reacher-ddpg

Udacity Deep Reinforcement Learning Nanodegree. Second Project Implementation (Continuous Control).

Language: Python - Size: 572 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

RyanRizzo96/RL_baselines

A merge between OpenAI Baselines and Stable Baselines with increased focus on HER+DDPG and ease of use. Simply run the bash script to get started!

Language: Python - Size: 93.1 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

cptanalatriste/luke-the-reacher

A deep reinforcement-learning agent for a double-jointed robotic arm.

Language: Jupyter Notebook - Size: 2.17 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

AlexHermansson/DDPG

Deep Deterministic Policy Gradient in PyTorch

Language: Python - Size: 407 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

livey/scalable_maddpg_clever_prey

scalable multi-agent reinforcement learning

Language: Python - Size: 2.06 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

deepbiolab/drl

Implementation of deep reinforcement learning

Language: Jupyter Notebook - Size: 30.7 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

restorenode/ddpg-continuous-control

🦾 Utilizing a Deep Deterministic Policy Gradient algorithm to train robotic simulations in continuous action space

Language: Python - Size: 8.96 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

nslyubaykin/relax_ddpg_example

Example DDPG implementation with ReLAx

Language: Jupyter Notebook - Size: 3.19 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

n1ghtf4l1/experienced-metronome

Solve the Inverted Pendulum Control problem using Deep Deterministic Policy Gradient model

Language: Jupyter Notebook - Size: 1.55 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

madhur-taneja/RL-Quadcopter-2

A Deep Learning project which designs an agent that can fly a quad-copter, and then train it using a reinforcement learning algorithm DDPG

Language: HTML - Size: 315 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 2

elliotwaite/laminarflow

Streamline your TensorFlow workflow.

Language: Python - Size: 20.5 KB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

dodoseung/ddpg-deep-deterministic-policy-gradient-pytorch

The pytorch implementation of ddpg

Language: Python - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Kikumu/Reinforcement-Learning

Tests SOTA algorithms using pendulum as baseline environment

Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: 11 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

escribano89/tennis-maddpg

Udacity Deep Reinforcement Learning Nanodegree. Third Project Implementation (Collaboration and Competition).

Language: Python - Size: 1.25 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

shashist/bachelor-thesis

BS diploma at MIPT DCAM

Language: TeX - Size: 1.14 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

being-aerys/Reinforcement-Learning-Self-Projects

Fun with Reinforcement Learning in my spare time

Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

wanghsinwei/RL-Quadcopter-2 Fork of udacity/RL-Quadcopter-2

Teach a Quadcopter How to Fly!

Language: HTML - Size: 1.97 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

david-wb/reacher-continuous-control

A DDPG agent that solves the Reacher Unity environment

Language: Jupyter Notebook - Size: 3.85 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

tegg89/pytorch-ddpg Fork of ghliu/pytorch-ddpg

Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch

Language: Python - Size: 1.8 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

R6/autonomous-learning-library

A PyTorch library for building deep reinforcement learning agents.

Language: Python - Size: 55.8 MB - Last synced at: about 1 year ago - Stars: 0 - Forks: 0

Related Topics
reinforcement-learning 40 deep-reinforcement-learning 30 ddpg 29 deep-learning 17 pytorch 16 soft-actor-critic 13 ppo 10 sac 10 dqn 9 proximal-policy-optimization 9 policy-gradient 9 deep-q-network 9 actor-critic 8 tensorflow 8 openai-gym 6 reinforcement-learning-algorithms 5 prioritized-experience-replay 5 deep-q-learning 5 ddpg-algorithm 5 q-learning 5 python 4 mujoco 4 machine-learning 4 a2c 4 advantage-actor-critic 4 sarsa 4 td3 4 actor-critic-algorithm 4 double-dqn 4 dueling-dqn 3 multi-agent-reinforcement-learning 3 keras-tensorflow 3 continuous-control 3 robotics 3 artificial-intelligence 3 dqn-pytorch 3 drl 2 reinforce 2 hindsight-experience-replay 2 actor-critic-methods 2 trpo 2 ros-kinetic 2 policy-gradients 2 keras 2 monte-carlo 2 asynchronous-advantage-actor-critic 2 prioritized-replay 2 flax 2 multi-agent 2 jax 2 continuous-action-space 2 neural-network 2 neural-networks 2 python3 2 reinforcement-learning-agent 1 reinforcement-agents 1 actor-critic-with-experience-replay 1 droq 1 distrax 1 goal-conditioned-rl 1 research 1 evolution-strategies 1 cmaes 1 wandb 1 parameter-noise 1 deep-learning-algorithms 1 n-step-return 1 deep-recurrent-q-network 1 drqn 1 n-step-dqn 1 markov-decision-processes 1 ddqn 1 multiagent-reinforcement-learning 1 td3-pytorch 1 demand-response 1 acktr 1 wolpertinger 1 madrl 1 rl 1 cem 1 goals 1 prioritized-dqn 1 temporal-difference 1 tile-coding 1 value-based-methods 1 actor-critic-pytorch 1 policy-gradient-with-baseline 1 ppo-algorithm 1 reinforcement-learning-an-introduction 1 rl-book 1 soft-actor-critic-continuous 1 sutton-barto-book 1 batch-reinforcement-learning 1 behavioral-cloning 1 gym 1 offline-reinforcement-learning 1 a3c 1 sarsa-lambda 1 tensorflow-tutorials 1 tutorial 1