All Projects → Pytorch Rl → Similar Projects or Alternatives

2023 Open source projects that are alternatives of or similar to Pytorch Rl

Deep Algotrading
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading
Stars: ✭ 173 (-56.09%)
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (-8.88%)
Snake Ai Reinforcement
AI for Snake game trained from pixels using Deep Reinforcement Learning (DQN).
Stars: ✭ 123 (-68.78%)
Mutual labels:  reinforcement-learning, dqn
Dm control
DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
Stars: ✭ 2,592 (+557.87%)
Mutual labels:  reinforcement-learning, mujoco
Dreamer
Dream to Control: Learning Behaviors by Latent Imagination
Stars: ✭ 269 (-31.73%)
Mutual labels:  robotics, reinforcement-learning
Reinforcementlearning.jl
A reinforcement learning package for Julia
Stars: ✭ 192 (-51.27%)
ReinforcementLearningZoo.jl
juliareinforcementlearning.org/
Stars: ✭ 46 (-88.32%)
Mutual labels:  dqn, ddpg
Ns3 Gym
ns3-gym - The Playground for Reinforcement Learning in Networking Research
Stars: ✭ 221 (-43.91%)
DRL in CV
A course on Deep Reinforcement Learning in Computer Vision. Visit Website:
Stars: ✭ 59 (-85.03%)
Learningx
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Stars: ✭ 241 (-38.83%)
Machine Learning Uiuc
🖥️ CS446: Machine Learning in Spring 2018, University of Illinois at Urbana-Champaign
Stars: ✭ 233 (-40.86%)
Pytorch Ddpg Naf
Implementation of algorithms for continuous control (DDPG and NAF).
Stars: ✭ 254 (-35.53%)
Mutual labels:  reinforcement-learning, ddpg
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (-37.06%)
pytorch-gym
Implementation of the Deep Deterministic Policy Gradient(DDPG) in bullet Gym using pytorch
Stars: ✭ 39 (-90.1%)
Mutual labels:  gym, ddpg
Generative Continual Learning
No description or website provided.
Stars: ✭ 51 (-87.06%)
Variational-Autoencoder-pytorch
Implementation of a convolutional Variational-Autoencoder model in pytorch.
Stars: ✭ 65 (-83.5%)
Mutual labels:  vae, variational-autoencoder
Cleanrl
High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features
Stars: ✭ 349 (-11.42%)
Mutual labels:  gym, reinforcement-learning
Deep Generative Prior
Code for deep generative prior (ECCV2020 oral)
Stars: ✭ 308 (-21.83%)
Bagel
IPCCC 2018: Robust and Unsupervised KPI Anomaly Detection Based on Conditional Variational Autoencoder
Stars: ✭ 45 (-88.58%)
Mutual labels:  vae, variational-autoencoder
SARNet
Code repository for SARNet: Learning Multi-Agent Communication through Structured Attentive Reasoning (NeurIPS 2020)
Stars: ✭ 14 (-96.45%)
Mutual labels:  deep-reinforcement-learning, gym
Bullet3
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
Stars: ✭ 8,714 (+2111.68%)
Mutual labels:  robotics, reinforcement-learning
Bolero
Behavior Optimization and Learning for Robots
Stars: ✭ 39 (-90.1%)
Mutual labels:  robotics, reinforcement-learning
Visual Pushing Grasping
Train robotic agents to learn to plan pushing and grasping actions for manipulation with deep reinforcement learning.
Stars: ✭ 516 (+30.96%)
jiminy
Jiminy: a fast and portable Python/C++ simulator of poly-articulated systems with OpenAI Gym interface for reinforcement learning
Stars: ✭ 90 (-77.16%)
Mutual labels:  robotics, openai-gym
Hand dapg
Repository to accompany RSS 2018 paper on dexterous hand manipulation
Stars: ✭ 88 (-77.66%)
Mutual labels:  robotics, reinforcement-learning
deeprl-continuous-control
Learning Continuous Control in Deep Reinforcement Learning
Stars: ✭ 14 (-96.45%)
reinforcement learning ppo rnd
Deep Reinforcement Learning by using Proximal Policy Optimization and Random Network Distillation in Tensorflow 2 and Pytorch with some explanation
Stars: ✭ 33 (-91.62%)
Mutual labels:  deep-reinforcement-learning, gym
Pytorch models
PyTorch study
Stars: ✭ 14 (-96.45%)
pyroVED
Invariant representation learning from imaging and spectral data
Stars: ✭ 23 (-94.16%)
Mutual labels:  vae, variational-autoencoder
Articulations Robot Demo
Stars: ✭ 145 (-63.2%)
Mutual labels:  robotics, reinforcement-learning
Holodeck
High Fidelity Simulator for Reinforcement Learning and Robotics Research.
Stars: ✭ 513 (+30.2%)
Mutual labels:  robotics, reinforcement-learning
ddpg biped
Repository for Planar Bipedal walking robot in Gazebo environment using Deep Deterministic Policy Gradient(DDPG) using TensorFlow.
Stars: ✭ 65 (-83.5%)
Mutual labels:  openai-gym, ddpg
FinRL Podracer
Cloud-native Financial Reinforcement Learning
Stars: ✭ 179 (-54.57%)
Keras-Generating-Sentences-from-a-Continuous-Space
Text Variational Autoencoder inspired by the paper 'Generating Sentences from a Continuous Space' Bowman et al. https://arxiv.org/abs/1511.06349
Stars: ✭ 32 (-91.88%)
Mutual labels:  vae, variational-autoencoder
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (-76.4%)
Adventures-with-GANS
Showcasing various fun adventures with GANs
Stars: ✭ 13 (-96.7%)
Gym Pybullet Drones
PyBullet Gym environments for single and multi-agent reinforcement learning of quadcopter control
Stars: ✭ 168 (-57.36%)
Mutual labels:  robotics, reinforcement-learning
CartPole
Run OpenAI Gym on a Server
Stars: ✭ 16 (-95.94%)
Mutual labels:  openai-gym, gym
Carla-ppo
This repository hosts a customized PPO based agent for Carla. The goal of this project is to make it easier to interact with and experiment in Carla with reinforcement learning based agents -- this, by wrapping Carla in a gym like environment that can handle custom reward functions, custom debug output, etc.
Stars: ✭ 122 (-69.04%)
Mutual labels:  deep-reinforcement-learning, vae
DDPG
End to End Mobile Robot Navigation using DDPG (Continuous Control with Deep Reinforcement Learning) based on Tensorflow + Gazebo
Stars: ✭ 41 (-89.59%)
motion-planner-reinforcement-learning
End to end motion planner using Deep Deterministic Policy Gradient (DDPG) in gazebo
Stars: ✭ 99 (-74.87%)
drl grasping
Deep Reinforcement Learning for Robotic Grasping from Octrees
Stars: ✭ 160 (-59.39%)
Awesome Self Supervised Learning
A curated list of awesome self-supervised methods
Stars: ✭ 4,492 (+1040.1%)
Mutual labels:  robotics, reinforcement-learning
ElegantRL
Scalable and Elastic Deep Reinforcement Learning Using PyTorch. Please star. 🔥
Stars: ✭ 2,074 (+426.4%)
Mutual labels:  dqn, ddpg
Neural Symbolic Machines
Neural Symbolic Machines is a framework to integrate neural networks and symbolic representations using reinforcement learning, with applications in program synthesis and semantic parsing.
Stars: ✭ 305 (-22.59%)
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.
Stars: ✭ 15 (-96.19%)
Mutual labels:  deep-reinforcement-learning, dqn
proto
Proto-RL: Reinforcement Learning with Prototypical Representations
Stars: ✭ 67 (-82.99%)
Mutual labels:  gym, mujoco
Ai Blog
Accompanying repository for Let's make a DQN / A3C series.
Stars: ✭ 351 (-10.91%)
Mutual labels:  reinforcement-learning, dqn
Gdrl
Grokking Deep Reinforcement Learning
Stars: ✭ 304 (-22.84%)
Deep-Q-Networks
Implementation of Deep/Double Deep/Dueling Deep Q networks for playing Atari games using Keras and OpenAI gym
Stars: ✭ 38 (-90.36%)
deep-rl-quadcopter
Implementation of Deep Deterministic Policy Gradients (DDPG) to teach a Quadcopter How to Fly!
Stars: ✭ 17 (-95.69%)
dqn-lambda
NeurIPS 2019: DQN(λ) = Deep Q-Network + λ-returns.
Stars: ✭ 20 (-94.92%)
Home Platform
HoME: a Household Multimodal Environment is a platform for artificial agents to learn from vision, audio, semantics, physics, and interaction with objects and other agents, all within a realistic context.
Stars: ✭ 370 (-6.09%)
playing-mario-with-deep-reinforcement-learning
An implementation of (Double/Dueling) Deep-Q Learning to play Super Mario Bros.
Stars: ✭ 55 (-86.04%)
Mutual labels:  deep-reinforcement-learning, dqn
Semantic Pyramid for Image Generation
PyTorch reimplementation of the paper: "Semantic Pyramid for Image Generation" [CVPR 2020].
Stars: ✭ 45 (-88.58%)
classifying-vae-lstm
music generation with a classifying variational autoencoder (VAE) and LSTM
Stars: ✭ 27 (-93.15%)
Mutual labels:  vae, variational-autoencoder
rl pytorch
Deep Reinforcement Learning Algorithms Implementation in PyTorch
Stars: ✭ 23 (-94.16%)
reinforce-js
[INACTIVE] A collection of various machine learning solver. The library is an object-oriented approach (baked with Typescript) and tries to deliver simplified interfaces that make using the algorithms pretty simple.
Stars: ✭ 20 (-94.92%)
Mutual labels:  deep-reinforcement-learning, dqn
VAE-Gumbel-Softmax
An implementation of a Variational-Autoencoder using the Gumbel-Softmax reparametrization trick in TensorFlow (tested on r1.5 CPU and GPU) in ICLR 2017.
Stars: ✭ 66 (-83.25%)
Mutual labels:  vae, variational-autoencoder
Tf2rl
TensorFlow2 Reinforcement Learning
Stars: ✭ 353 (-10.41%)
361-420 of 2023 similar projects