OstrichRL: A Musculoskeletal Ostrich Simulation to Study Bio-mechanical Locomotion.

Overview

OstrichRL



This is the repository accompanying the paper OstrichRL: A Musculoskeletal Ostrich Simulation to Study Bio-mechanical Locomotion.

It contains models of a musculoskeletal ostrich and of the Cassie robot, motion capture data, and tasks for the dm_control suite:

  • ostrich-run
  • ostrich-mocap_tracking
  • ostrich-foraging
  • ostrich-run_torque
  • cassie-run
  • cassie-mocap_tracking

Instructions

To install

Download and install OstrichRL:

git clone https://github.com/vittorione94/ostrichrl
pip install -e ostrichrl/

To launch experiments

We recommend using the Tonic RL library.

Download and install Tonic:

git clone https://github.com/fabiopardo/tonic
pip install -e tonic/

To play with the environments and random actions

python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('ostrich-run')" \
--agent "tonic.agents.UniformRandom()"
python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('ostrich-mocap_tracking', task_kwargs=dict(clip='cyclic', test=True, play=True))" \
--agent "tonic.agents.UniformRandom()"
python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('ostrich-foraging')" \
--agent "tonic.agents.UniformRandom()"
python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('ostrich-run_torque')" \
--agent "tonic.agents.UniformRandom()"
python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('cassie-run')" \
--agent "tonic.agents.UniformRandom()"
python -m tonic.play --header "import ostrichrl" \
--env "tonic.environments.ControlSuite('cassie-mocap_tracking', task_kwargs=dict(clip='0100', test=True, play=True))" \
--agent "tonic.agents.UniformRandom()"

To train

python -m tonic.train --header "import ostrichrl, tonic.tensorflow" \
--env "tonic.environments.ControlSuite('ostrich-mocap_tracking', task_kwargs=dict(clip='0047'))" \
--test_env "tonic.environments.ControlSuite('ostrich-mocap_tracking', task_kwargs=dict(clip='0047', test=True))" \
--agent "tonic.tensorflow.agents.TD4()" \
--parallel 8 \
--sequential 5
Owner
Vittorio La Barbera
Current intern @Rokoko. PhD student at RVC blending reinforcement learning and biomechanics. Previously MSc in Computer Graphics, Vision and Imaging @ UCL
Vittorio La Barbera
Official Pytorch implementation of 'GOCor: Bringing Globally Optimized Correspondence Volumes into Your Neural Network' (NeurIPS 2020)

Official implementation of GOCor This is the official implementation of our paper : GOCor: Bringing Globally Optimized Correspondence Volumes into You

Prune Truong 71 Nov 18, 2022
Code for Temporally Abstract Partial Models

Code for Temporally Abstract Partial Models Accompanies the code for the experimental section of the paper: Temporally Abstract Partial Models, Khetar

DeepMind 19 Jul 13, 2022
Deep Residual Learning for Image Recognition

Deep Residual Learning for Image Recognition This is a Torch implementation of "Deep Residual Learning for Image Recognition",Kaiming He, Xiangyu Zhan

Kimmy 561 Dec 01, 2022
One implementation of the paper "DMRST: A Joint Framework for Document-Level Multilingual RST Discourse Segmentation and Parsing".

Introduction One implementation of the paper "DMRST: A Joint Framework for Document-Level Multilingual RST Discourse Segmentation and Parsing". Users

seq-to-mind 18 Dec 11, 2022
Lex Rosetta: Transfer of Predictive Models Across Languages, Jurisdictions, and Legal Domains

Lex Rosetta: Transfer of Predictive Models Across Languages, Jurisdictions, and Legal Domains This is an accompanying repository to the ICAIL 2021 pap

4 Dec 16, 2021
SMCA replication There are no extra compiled components in SMCA DETR and package dependencies are minimal

Usage There are no extra compiled components in SMCA DETR and package dependencies are minimal, so the code is very simple to use. We provide instruct

22 May 06, 2022
Self-supervised learning on Graph Representation Learning (node-level task)

graph_SSL Self-supervised learning on Graph Representation Learning (node-level task) How to run the code To run GRACE, sh run_GRACE.sh To run GCA, sh

Namkyeong Lee 3 Dec 31, 2021
PantheonRL is a package for training and testing multi-agent reinforcement learning environments.

PantheonRL is a package for training and testing multi-agent reinforcement learning environments. PantheonRL supports cross-play, fine-tuning, ad-hoc coordination, and more.

Stanford Intelligent and Interactive Autonomous Systems Group 57 Dec 28, 2022
Implementation of the "PSTNet: Point Spatio-Temporal Convolution on Point Cloud Sequences" paper.

PSTNet: Point Spatio-Temporal Convolution on Point Cloud Sequences Introduction Point cloud sequences are irregular and unordered in the spatial dimen

Hehe Fan 63 Dec 09, 2022
This repository is the code of the paper "Sparse Spatial Transformers for Few-Shot Learning".

🌟 Sparse Spatial Transformers for Few-Shot Learning This code implements the Sparse Spatial Transformers for Few-Shot Learning(SSFormers). Our code i

chx_nju 38 Dec 13, 2022
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow

eXtreme Gradient Boosting Community | Documentation | Resources | Contributors | Release Notes XGBoost is an optimized distributed gradient boosting l

Distributed (Deep) Machine Learning Community 23.6k Dec 31, 2022
RMNA: A Neighbor Aggregation-Based Knowledge Graph Representation Learning Model Using Rule Mining

RMNA: A Neighbor Aggregation-Based Knowledge Graph Representation Learning Model Using Rule Mining Our code is based on Learning Attention-based Embed

宋朝都 4 Aug 07, 2022
SwinIR: Image Restoration Using Swin Transformer

SwinIR: Image Restoration Using Swin Transformer This repository is the official PyTorch implementation of SwinIR: Image Restoration Using Shifted Win

Jingyun Liang 2.4k Jan 08, 2023
Inverse Rendering for Complex Indoor Scenes: Shape, Spatially-Varying Lighting and SVBRDF From a Single Image

Inverse Rendering for Complex Indoor Scenes: Shape, Spatially-Varying Lighting and SVBRDF From a Single Image (Project page) Zhengqin Li, Mohammad Sha

209 Jan 05, 2023
A python library for time-series smoothing and outlier detection in a vectorized way.

tsmoothie A python library for time-series smoothing and outlier detection in a vectorized way. Overview tsmoothie computes, in a fast and efficient w

Marco Cerliani 517 Dec 28, 2022
A PyTorch Implementation of FaceBoxes

FaceBoxes in PyTorch By Zisian Wong, Shifeng Zhang A PyTorch implementation of FaceBoxes: A CPU Real-time Face Detector with High Accuracy. The offici

Zi Sian Wong 797 Dec 17, 2022
Shape Matching of Real 3D Object Data to Synthetic 3D CADs (3DV project @ ETHZ)

Real2CAD-3DV Shape Matching of Real 3D Object Data to Synthetic 3D CADs (3DV project @ ETHZ) Group Member: Yue Pan, Yuanwen Yue, Bingxin Ke, Yujie He

24 Jun 22, 2022
A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks

A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks without the use of any outside machine learning libraries - all from scratch.

Kordel K. France 2 Nov 14, 2022
Semi-Supervised Signed Clustering Graph Neural Network (and Implementation of Some Spectral Methods)

SSSNET SSSNET: Semi-Supervised Signed Network Clustering For details, please read our paper. Environment Setup Overview The project has been tested on

Yixuan He 9 Nov 24, 2022
A reimplementation of DCGAN in PyTorch

DCGAN in PyTorch A reimplementation of DCGAN in PyTorch. Although there is an abundant source of code and examples found online (as well as an officia

Diego Porres 6 Jan 08, 2022