Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for python mujoco
mujoco
x
python
x
189 search results found
Gym
⭐
32,908
A toolkit for developing and comparing reinforcement learning algorithms.
Baselines
⭐
14,949
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
Tianshou
⭐
7,125
An elegant PyTorch deep reinforcement learning library.
Multi Agent Emergence Environments
⭐
1,426
Environment generation code for the paper "Emergent Tool Use From Multi-Agent Autocurricula"
Evolution Strategies Starter
⭐
1,253
Code for the paper "Evolution Strategies as a Scalable Alternative to Reinforcement Learning"
Softlearning
⭐
1,108
Softlearning is a reinforcement learning framework for training maximum entropy policies in continuous domains. Includes the official implementation of the Soft Actor-Critic algorithm.
Pfrl
⭐
1,046
PFRL: a PyTorch-based deep reinforcement learning library
Sac
⭐
839
Soft Actor-Critic
Multiagent Competition
⭐
614
Code for the paper "Emergent Complexity via Multi-agent Competition"
Pybullet Gym
⭐
548
Open-source implementations of OpenAI Gym MuJoCo environments for use with the OpenAI Gym Reinforcement Learning Research Platform.
Openrl
⭐
496
Unified Reinforcement Learning Framework
Robopianist
⭐
496
[CoRL '23] Dexterous piano playing with deep reinforcement learning.
Robohive
⭐
477
A unified framework for robot learning
Safety Gym
⭐
379
Tools for accelerating safe exploration research.
Gymnasium Robotics
⭐
376
A collection of robotics simulation environments for reinforcement learning
Deep_rl
⭐
372
PyTorch implementations of deep reinforcement learning algorithms
Drq
⭐
369
DrQ: Data regularized Q
Lagom
⭐
365
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Pytorch Rl
⭐
356
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Reward Learning Rl
⭐
348
[RSS 2019] End-to-End Robotic Reinforcement Learning without Reward Engineering
Xuance
⭐
339
XuanCe: A Comprehensive and Unified Deep Reinforcement Learning Library
Ars
⭐
330
An implementation of the Augmented Random Search algorithm
Softqlearning
⭐
324
Reinforcement Learning with Deep Energy-Based Policies
Lets Do Irl
⭐
269
Inverse RL algorithms (APP, MaxEnt, GAIL, VAIL)
Planet
⭐
268
Deep Planning Network: Control from pixels by latent planning with learned dynamics
Latent_ode
⭐
255
Code for "Latent ODEs for Irregularly-Sampled Time Series" paper
Pytorch Trpo
⭐
252
PyTorch implementation of Trust Region Policy Optimization
Multiagent_mujoco
⭐
226
Benchmark for Continuous Multi-Agent Robotic Control, based on OpenAI's Mujoco Gym environments.
Self Imitation Learning
⭐
225
ICML 2018 Self-Imitation Learning
Multiworld
⭐
218
Multitask Environments for RL
Hindsight Experience Replay
⭐
201
This is the pytorch implementation of Hindsight Experience Replay (HER) - Experiment on all fetch robotic environments.
Mjrl
⭐
191
Reinforcement learning algorithms for MuJoCo tasks
Gym Extensions
⭐
181
This repo is intended as an extension for OpenAI Gym for auxiliary tasks (multitask learning, transfer learning, inverse reinforcement learning, etc.)
Learning_to_adapt
⭐
175
Learning to Adapt in Dynamic, Real-World Environment through Meta-Reinforcement Learning
Mujoco_rl_ur5
⭐
171
A MuJoCo/Gym environment for robot control using Reinforcement Learning. The task of agents in this environment is pixel-wise prediction of grasp success chances.
Promp
⭐
166
ProMP: Proximal Meta-Policy Search
H Baselines
⭐
154
A repository of high-performing hierarchical reinforcement learning models and algorithms.
Torchrl
⭐
127
Pytorch Implementation of Reinforcement Learning Algorithms ( Soft Actor Critic(SAC)/ DDPG / TD3 /DQN / A2C/ PPO / TRPO)
Mujoco Python Viewer
⭐
122
Simple renderer for use with MuJoCo (>=2.1.2) Python Bindings.
Visual_foresight
⭐
118
Visual Foresight: Model-Based Deep Reinforcement Learning for Vision-Based Robotic Control
Deeprl_algorithms
⭐
112
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Robogym
⭐
111
Robotics Gym Environments
Kinpy
⭐
109
Simple kinematics calculation toolkit for robotics
Mocapact
⭐
99
A Multi-Task Dataset for Simulated Humanoid Control
Rfc
⭐
97
[NeurIPS 2020] Official PyTorch Implementation of "Residual Force Control for Agile Human Behavior Imitation and Extended Motion Synthesis". NeurIPS 2020.
Mrl
⭐
95
Slbo
⭐
81
Algorithmic Framework for Model-based Deep Reinforcement Learning with Theoretical Guarantees
Trajopt
⭐
71
Trajectory optimization algorithms for robotic control.
Sectar
⭐
63
Self-Consistent Trajectory Autoencoder: Hierarchical Reinforcement Learning with Trajectory Embeddings
Pytorch A3c Mujoco
⭐
62
Implement A3C for Mujoco gym envs
Nervenet
⭐
61
Code For Paper
⭐
59
Obj2mjcf
⭐
54
A CLI for processing composite Wavefront OBJ files for use in MuJoCo.
Jax Rl
⭐
52
JAX implementations of core Deep RL algorithms
Mopa Rl
⭐
49
Motion Planner Augmented Reinforcement Learning for Robot Manipulation in Obstructed Environments (CoRL 2020)
Hand_dapg
⭐
49
Repository to accompany RSS 2018 paper on dexterous hand manipulation
Myo_sim
⭐
49
Musculoskeletal Models in MuJoCo
Min Decision Transformer
⭐
47
Minimal implementation of Decision Transformer: Reinforcement Learning via Sequence Modeling in PyTorch for mujoco control tasks in OpenAI gym
Parasol
⭐
44
Modeling_long_term_future
⭐
43
Code for ICLR 2019 paper Learning Dynamics Model by Incorporating the Long Term Future
Doorgym
⭐
42
Open source domain randomized door opening training environment
State Marginal Matching
⭐
40
Pytorch_sac_ae
⭐
38
PyTorch implementation of Soft Actor-Critic + Autoencoder(SAC+AE)
Shapestacks
⭐
38
Tensorflow models and simulation code for 'ShapeStacks: Learning Vision-Based Physical Intuition for Generalised Object Stacking'
Programmable Agents_tensorflow
⭐
38
Tensorflow Implementation of Programmable Agents
Dnc
⭐
38
Code for "Divide-and-Conquer Reinforcement Learning"
Reinmav Gym
⭐
38
Reinforcement Learning framework for MAVs using the OpenAI Gym environment
Pop3d
⭐
35
Policy Optimization with Penalized Point Probability Distance: an Alternative to Proximal Policy Optimization
Rlsscontinuouscontroltutorial
⭐
34
Tutorial on continuous control at Reinforcement Learning Summer School 2017.
Rtrl
⭐
34
Proto
⭐
34
Proto-RL: Reinforcement Learning with Prototypical Representations
F Irl
⭐
33
Inverse Reinforcement Learning via State Marginal Matching - CoRL 2020
Bellman
⭐
32
Model-based reinforcement learning in TensorFlow
Ppo Pytorch
⭐
32
Proximal policy optimization in PyTorch. Easy to read and understand.
Pytorch Rl Cpp
⭐
31
A Repository with C++ implementations of Reinforcement Learning Algorithms (Pytorch)
Dehrl
⭐
31
Diversity−Driven Extensible Hierarchical Reinforcement Learning. AAAI 2019.
Optimal Control Via Neural Networks
⭐
31
Code repo for ICLR paper: Optimal Control Via Neural Networks: A Convex Approach
Vrep Env
⭐
31
V-REP integrated with OpenAI Gym
Ebm_compositionality
⭐
31
[NeurIPS'20] Code for the Paper Compositional Visual Generation and Inference with Energy Based Models
Mjc_viewer
⭐
31
A browser-based 3D viewer for MuJoCo
Pupperpythonsim
⭐
30
Rllab Adv
⭐
30
Code to train RL agents along with Adversarial distrubance agents
Gymexperiments
⭐
29
Ppo Stein Control Variate
⭐
29
Proximal Policy Optimization with Stein Control Variates:
Lirpg
⭐
29
Pddm
⭐
28
Neurips 18 Prosthetics Challenge
⭐
28
NeurIPS 2018: AI for Prosthetics Challenge – 3rd place solution
Residual Policy Learning
⭐
27
Residual policy learning
Safe Mbrl
⭐
26
Safe Model-based Reinforcement Learning with Robust Cross-Entropy Method
A3c Mujoco
⭐
26
Gym_multirotor
⭐
25
Multi-rotor Gym
Emi
⭐
25
Implementation for ICML 2019 paper, EMI: Exploration with Mutual Information.
Coordination
⭐
24
Learning to Coordinate Manipulation Skills via Skill Behavior Diversification (ICLR 2020)
Domain Randomizer
⭐
24
A standalone library to randomize various OpenAI Gym Environments
Mage
⭐
23
Learning Action-Value Gradients in Model-based Policy Optimization
Admrl
⭐
23
Code for paper "Model-based Adversarial Meta-Reinforcement Learning" (https://arxiv.org/abs/2006.08875)
Distributed Ppo
⭐
23
This is an pytorch implementation of Distributed Proximal Policy Optimization(DPPO).
Robustrl
⭐
23
Robust policy search algorithms which train on model ensembles
Domrand
⭐
22
Reproducing results of Domain Randomization for Transferring Deep Neural Networks from Simulation to the Real World https://arxiv.org/abs/1703.06907
Causalskilllearning
⭐
21
Codebase for project about unsupervised skill learning via variational inference and causality.
Related Searches
Python Docker (14,113)
Python Machine Learning (14,099)
Python Tensorflow (13,736)
Python Deep Learning (13,092)
Python Jupyter Notebook (12,976)
Python Algorithms (10,033)
Python Artificial Intelligence (8,580)
Python Pytorch (7,877)
Python Paper (6,544)
Python Shell (5,055)
1-100 of 189 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2024 Awesome Open Source. All rights reserved.