Home

Awesome

<div align="center"> <a href="http://tianshou.readthedocs.io"><img width="300px" height="auto" src="https://github.com/thu-ml/tianshou/raw/master/docs/_static/images/tianshou-logo.png"></a> </div>

PyPI Conda Read the Docs Read the Docs Unittest codecov GitHub issues GitHub stars GitHub forks GitHub license

Tianshou (天授) is a reinforcement learning platform based on pure PyTorch and Gymnasium. Unlike other reinforcement learning libraries, which may have complex codebases, unfriendly high-level APIs, or are not optimized for speed, Tianshou provides a high-performance, modularized framework and user-friendly interfaces for building deep reinforcement learning agents. One more aspect that sets Tianshou apart is its generality: it supports online and offline RL, multi-agent RL, and model-based algorithms.

Tianshou aims at enabling concise implementations, both for researchers and practitioners, without sacrificing flexibility.

Supported algorithms include:

Other noteworthy features:

In Chinese, Tianshou means divinely ordained, being derived to the gift of being born. Tianshou is a reinforcement learning platform, and the nature of RL is not learn from humans. So taking "Tianshou" means that there is no teacher to learn from, but rather to learn by oneself through constant interaction with the environment.

“天授”意指上天所授,引申为与生具有的天赋。天授是强化学习平台,而强化学习算法并不是向人类学习的,所以取“天授”意思是没有老师来教,而是自己通过跟环境不断交互来进行学习。

Installation

Tianshou is currently hosted on PyPI and conda-forge. It requires Python >= 3.11.

For installing the most recent version of Tianshou, the best way is clone the repository and install it with poetry (which you need to install on your system first)

git clone git@github.com:thu-ml/tianshou.git
cd tianshou
poetry install

You can also install the dev requirements by adding --with dev or the extras for say mujoco and acceleration by envpool by adding --extras "mujoco envpool"

If you wish to install multiple extras, ensure that you include them in a single command. Sequential calls to poetry install --extras xxx will overwrite prior installations, leaving only the last specified extras installed. Or you may install all the following extras by adding --all-extras.

Available extras are:

Otherwise, you can install the latest release from PyPI (currently far behind the master) with the following command:

$ pip install tianshou

If you are using Anaconda or Miniconda, you can install Tianshou from conda-forge:

$ conda install tianshou -c conda-forge

Alternatively to the poetry install, you can also install the latest source version through GitHub:

$ pip install git+https://github.com/thu-ml/tianshou.git@master --upgrade

Finally, you may check the installation via your Python console as follows:

import tianshou
print(tianshou.__version__)

If no errors are reported, you have successfully installed Tianshou.

Documentation

Tutorials and API documentation are hosted on tianshou.readthedocs.io.

Find example scripts in the test/ and examples/ folders.

Why Tianshou?

Comprehensive Functionality

RL PlatformGitHub Stars# of Alg. <sup>(1)</sup>Custom EnvBatch TrainingRNN SupportNested ObservationBackend
BaselinesGitHub stars9:heavy_check_mark: (gym):heavy_minus_sign: <sup>(2)</sup>:heavy_check_mark::x:TF1
Stable-BaselinesGitHub stars11:heavy_check_mark: (gym):heavy_minus_sign: <sup>(2)</sup>:heavy_check_mark::x:TF1
Stable-Baselines3GitHub stars7<sup> (3)</sup>:heavy_check_mark: (gym):heavy_minus_sign: <sup>(2)</sup>:x::heavy_check_mark:PyTorch
Ray/RLlibGitHub stars16:heavy_check_mark::heavy_check_mark::heavy_check_mark::heavy_check_mark:TF/PyTorch
SpinningUpGitHub stars6:heavy_check_mark: (gym):heavy_minus_sign: <sup>(2)</sup>:x::x:PyTorch
DopamineGitHub stars7:x::x::x::x:TF/JAX
ACMEGitHub stars14:heavy_check_mark: (dm_env):heavy_check_mark::heavy_check_mark::heavy_check_mark:TF/JAX
keras-rlGitHub stars7:heavy_check_mark: (gym):x::x::x:Keras
rlpytGitHub stars11:x::heavy_check_mark::heavy_check_mark::heavy_check_mark:PyTorch
ChainerRLGitHub stars18:heavy_check_mark: (gym):heavy_check_mark::heavy_check_mark::x:Chainer
Sample FactoryGitHub stars1<sup> (4)</sup>:heavy_check_mark: (gym):heavy_check_mark::heavy_check_mark::heavy_check_mark:PyTorch
TianshouGitHub stars20:heavy_check_mark: (Gymnasium):heavy_check_mark::heavy_check_mark::heavy_check_mark:PyTorch

<sup>(1): access date: 2021-08-08</sup>

<sup>(2): not all algorithms support this feature</sup>

<sup>(3): TQC and QR-DQN in sb3-contrib instead of main repo</sup>

<sup>(4): super fast APPO!</sup>

High Software Engineering Standards

RL PlatformDocumentationCode CoverageType HintsLast Update
Baselines:x::x::x:GitHub last commit
Stable-BaselinesDocumentation Statuscoverage <!-- https://github.com/thu-ml/tianshou/issues/249#issuecomment-895882193 -->:x:GitHub last commit
Stable-Baselines3Documentation Statuscoverage report:heavy_check_mark:GitHub last commit
Ray/RLlib:heavy_minus_sign:<sup>(1)</sup>:heavy_check_mark:GitHub last commit
SpinningUp:x::x:GitHub last commit
Dopamine:x::x:GitHub last commit
ACME:heavy_minus_sign:<sup>(1)</sup>:heavy_check_mark:GitHub last commit
keras-rlDocumentation:heavy_minus_sign:<sup>(1)</sup>:x:GitHub last commit
rlpytDocscodecov:x:GitHub last commit
ChainerRLDocumentation StatusCoverage Status:x:GitHub last commit
Sample Factory:heavy_minus_sign:codecov:x:GitHub last commit
TianshouRead the Docscodecov:heavy_check_mark:GitHub last commit

<sup>(1): it has continuous integration but the coverage rate is not available</sup>

Reproducible, High-Quality Results

Tianshou is rigorously tested. In contrast to other RL platforms, our tests include the full agent training procedure for all of the implemented algorithms. Our tests would fail once if any of the agents failed to achieve a consistent level of performance on limited epochs. Our tests thus ensure reproducibility. Check out the GitHub Actions page for more detail.

Atari and MuJoCo benchmark results can be found in the examples/atari/ and examples/mujoco/ folders respectively. Our MuJoCo results reach or exceed the level of performance of most existing benchmarks.

Policy Interface

All algorithms implement the following, highly general API:

The implementation of this API suffices for a new algorithm to be applicable within Tianshou, making experimenation with new approaches particularly straightforward.

Quick Start

Tianshou provides two API levels:

In the following, let us consider an example application using the CartPole gymnasium environment. We shall apply the deep Q network (DQN) learning algorithm using both APIs.

High-Level API

To get started, we need some imports.

from tianshou.highlevel.config import SamplingConfig
from tianshou.highlevel.env import (
    EnvFactoryRegistered,
    VectorEnvType,
)
from tianshou.highlevel.experiment import DQNExperimentBuilder, ExperimentConfig
from tianshou.highlevel.params.policy_params import DQNParams
from tianshou.highlevel.trainer import (
    EpochTestCallbackDQNSetEps,
    EpochTrainCallbackDQNSetEps,
    EpochStopCallbackRewardThreshold
)

In the high-level API, the basis for an RL experiment is an ExperimentBuilder with which we can build the experiment we then seek to run. Since we want to use DQN, we use the specialization DQNExperimentBuilder. The other imports serve to provide configuration options for our experiment.

The high-level API provides largely declarative semantics, i.e. the code is almost exclusively concerned with configuration that controls what to do (rather than how to do it).

experiment = (
    DQNExperimentBuilder(
        EnvFactoryRegistered(task="CartPole-v1", seed=0, venv_type=VectorEnvType.DUMMY),
        ExperimentConfig(
            persistence_enabled=False,
            watch=True,
            watch_render=1 / 35,
            watch_num_episodes=100,
        ),
        SamplingConfig(
            num_epochs=10,
            step_per_epoch=10000,
            batch_size=64,
            num_train_envs=10,
            num_test_envs=100,
            buffer_size=20000,
            step_per_collect=10,
            update_per_step=1 / 10,
        ),
    )
    .with_dqn_params(
        DQNParams(
            lr=1e-3,
            discount_factor=0.9,
            estimation_step=3,
            target_update_freq=320,
        ),
    )
    .with_model_factory_default(hidden_sizes=(64, 64))
    .with_epoch_train_callback(EpochTrainCallbackDQNSetEps(0.3))
    .with_epoch_test_callback(EpochTestCallbackDQNSetEps(0.0))
    .with_epoch_stop_callback(EpochStopCallbackRewardThreshold(195))
    .build()
)
experiment.run()

The experiment builder takes three arguments:

We then proceed to configure some of the parameters of the DQN algorithm itself and of the neural network model we want to use. A DQN-specific detail is the use of callbacks to configure the algorithm's epsilon parameter for exploration. We want to use random exploration during rollouts (train callback), but we don't when evaluating the agent's performance in the test environments (test callback).

Find the script in examples/discrete/discrete_dqn_hl.py. Here's a run (with the training time cut short):

<p align="center" style="text-algin:center"> <img src="docs/_static/images/discrete_dqn_hl.gif"> </p>

Find many further applications of the high-level API in the examples/ folder; look for scripts ending with _hl.py. Note that most of these examples require the extra package argparse (install it by adding --extras argparse when invoking poetry).

Procedural API

Let us now consider an analogous example in the procedural API. Find the full script in examples/discrete/discrete_dqn.py.

First, import some relevant packages:

import gymnasium as gym
import torch
from torch.utils.tensorboard import SummaryWriter
import tianshou as ts

Define some hyper-parameters:

task = 'CartPole-v1'
lr, epoch, batch_size = 1e-3, 10, 64
train_num, test_num = 10, 100
gamma, n_step, target_freq = 0.9, 3, 320
buffer_size = 20000
eps_train, eps_test = 0.1, 0.05
step_per_epoch, step_per_collect = 10000, 10

Initialize the logger:

logger = ts.utils.TensorboardLogger(SummaryWriter('log/dqn'))
# For other loggers, see https://tianshou.readthedocs.io/en/master/01_tutorials/05_logger.html

Make environments:

# You can also try SubprocVectorEnv, which will use parallelization
train_envs = ts.env.DummyVectorEnv([lambda: gym.make(task) for _ in range(train_num)])
test_envs = ts.env.DummyVectorEnv([lambda: gym.make(task) for _ in range(test_num)])

Create the network as well as its optimizer:

from tianshou.utils.net.common import Net

# Note: You can easily define other networks.
# See https://tianshou.readthedocs.io/en/master/01_tutorials/00_dqn.html#build-the-network
env = gym.make(task, render_mode="human")
state_shape = env.observation_space.shape or env.observation_space.n
action_shape = env.action_space.shape or env.action_space.n
net = Net(state_shape=state_shape, action_shape=action_shape, hidden_sizes=[128, 128, 128])
optim = torch.optim.Adam(net.parameters(), lr=lr)

Set up the policy and collectors:

policy = ts.policy.DQNPolicy(
    model=net,
    optim=optim,
    discount_factor=gamma, 
    action_space=env.action_space,
    estimation_step=n_step,
    target_update_freq=target_freq
)
train_collector = ts.data.Collector(policy, train_envs, ts.data.VectorReplayBuffer(buffer_size, train_num), exploration_noise=True)
test_collector = ts.data.Collector(policy, test_envs, exploration_noise=True)  # because DQN uses epsilon-greedy method

Let's train it:

result = ts.trainer.OffpolicyTrainer(
    policy=policy,
    train_collector=train_collector,
    test_collector=test_collector,
    max_epoch=epoch,
    step_per_epoch=step_per_epoch,
    step_per_collect=step_per_collect,
    episode_per_test=test_num,
    batch_size=batch_size,
    update_per_step=1 / step_per_collect,
    train_fn=lambda epoch, env_step: policy.set_eps(eps_train),
    test_fn=lambda epoch, env_step: policy.set_eps(eps_test),
    stop_fn=lambda mean_rewards: mean_rewards >= env.spec.reward_threshold,
    logger=logger,
).run()
print(f"Finished training in {result.timing.total_time} seconds")

Save/load the trained policy (it's exactly the same as loading a torch.nn.module):

torch.save(policy.state_dict(), 'dqn.pth')
policy.load_state_dict(torch.load('dqn.pth'))

Watch the agent with 35 FPS:

policy.eval()
policy.set_eps(eps_test)
collector = ts.data.Collector(policy, env, exploration_noise=True)
collector.collect(n_episode=1, render=1 / 35)

Inspect the data saved in TensorBoard:

$ tensorboard --logdir log/dqn

Please read the documentation for advanced usage.

Contributing

Tianshou is still under development. Further algorithms and features are continuously being added, and we always welcome contributions to help make Tianshou better. If you would like to contribute, please check out this link.

Citing Tianshou

If you find Tianshou useful, please cite it in your publications.

@article{tianshou,
  author  = {Jiayi Weng and Huayu Chen and Dong Yan and Kaichao You and Alexis Duburcq and Minghao Zhang and Yi Su and Hang Su and Jun Zhu},
  title   = {Tianshou: A Highly Modularized Deep Reinforcement Learning Library},
  journal = {Journal of Machine Learning Research},
  year    = {2022},
  volume  = {23},
  number  = {267},
  pages   = {1--6},
  url     = {http://jmlr.org/papers/v23/21-1127.html}
}

Acknowledgments

Tianshou is supported by appliedAI Institute for Europe, who is committed to providing long-term support and development.

Tianshou was previously a reinforcement learning platform based on TensorFlow. You can check out the branch priv for more detail. Many thanks to Haosheng Zou's pioneering work for Tianshou before version 0.1.1.

We would like to thank TSAIL and Institute for Artificial Intelligence, Tsinghua University for providing such an excellent AI research platform.

Footnotes

  1. mujoco-py is a legacy package and is not recommended for new projects. It is only included for compatibility with older projects. Also note that there may be compatibility issues with macOS newer than Monterey.