• Docs >
  • TorchRL trainer: A DQN example
Shortcuts

TorchRL trainer: A DQN example

Author: Vincent Moens

TorchRL provides a generic Trainer class to handle your training loop. The trainer executes a nested loop where the outer loop is the data collection and the inner loop consumes this data or some data retrieved from the replay buffer to train the model. At various points in this training loop, hooks can be attached and executed at given intervals.

In this tutorial, we will be using the trainer class to train a DQN algorithm to solve the CartPole task from scratch.

Main takeaways:

  • Building a trainer with its essential components: data collector, loss module, replay buffer and optimizer.

  • Adding hooks to a trainer, such as loggers, target network updaters and such.

The trainer is fully customisable and offers a large set of functionalities. The tutorial is organised around its construction. We will be detailing how to build each of the components of the library first, and then put the pieces together using the Trainer class.

Along the road, we will also focus on some other aspects of the library:

  • how to build an environment in TorchRL, including transforms (e.g. data normalization, frame concatenation, resizing and turning to grayscale) and parallel execution. Unlike what we did in the DDPG tutorial, we will normalize the pixels and not the state vector.

  • how to design a QValueActor object, i.e. an actor that estimates the action values and picks up the action with the highest estimated return;

  • how to collect data from your environment efficiently and store them in a replay buffer;

  • how to use multi-step, a simple preprocessing step for off-policy sota-implementations;

  • and finally how to evaluate your model.

Prerequisites: We encourage you to get familiar with torchrl through the PPO tutorial first.

DQN

DQN (Deep Q-Learning) was the founding work in deep reinforcement learning.

On a high level, the algorithm is quite simple: Q-learning consists in learning a table of state-action values in such a way that, when encountering any particular state, we know which action to pick just by searching for the one with the highest value. This simple setting requires the actions and states to be discrete, otherwise a lookup table cannot be built.

DQN uses a neural network that encodes a map from the state-action space to a value (scalar) space, which amortizes the cost of storing and exploring all the possible state-action combinations: if a state has not been seen in the past, we can still pass it in conjunction with the various actions available through our neural network and get an interpolated value for each of the actions available.

We will solve the classic control problem of the cart pole. From the Gymnasium doc from where this environment is retrieved:

A pole is attached by an un-actuated joint to a cart, which moves along a
frictionless track. The pendulum is placed upright on the cart and the goal
is to balance the pole by applying forces in the left and right direction
on the cart.
Cart Pole

We do not aim at giving a SOTA implementation of the algorithm, but rather to provide a high-level illustration of TorchRL features in the context of this algorithm.

import os
import uuid

import torch
from torch import nn
from torchrl.collectors import MultiaSyncDataCollector
from torchrl.data import LazyMemmapStorage, MultiStep, TensorDictReplayBuffer
from torchrl.envs import (
    EnvCreator,
    ExplorationType,
    ParallelEnv,
    RewardScaling,
    StepCounter,
)
from torchrl.envs.libs.gym import GymEnv
from torchrl.envs.transforms import (
    CatFrames,
    Compose,
    GrayScale,
    ObservationNorm,
    Resize,
    ToTensorImage,
    TransformedEnv,
)
from torchrl.modules import DuelingCnnDQNet, EGreedyModule, QValueActor

from torchrl.objectives import DQNLoss, SoftUpdate
from torchrl.record.loggers.csv import CSVLogger
from torchrl.trainers import (
    LogReward,
    Recorder,
    ReplayBufferTrainer,
    Trainer,
    UpdateWeights,
)


def is_notebook() -> bool:
    try:
        shell = get_ipython().__class__.__name__
        if shell == "ZMQInteractiveShell":
            return True  # Jupyter notebook or qtconsole
        elif shell == "TerminalInteractiveShell":
            return False  # Terminal running IPython
        else:
            return False  # Other type (?)
    except NameError:
        return False  # Probably standard Python interpreter

Let’s get started with the various pieces we need for our algorithm:

  • An environment;

  • A policy (and related modules that we group under the “model” umbrella);

  • A data collector, which makes the policy play in the environment and delivers training data;

  • A replay buffer to store the training data;

  • A loss module, which computes the objective function to train our policy to maximise the return;

  • An optimizer, which performs parameter updates based on our loss.

Additional modules include a logger, a recorder (executes the policy in “eval” mode) and a target network updater. With all these components into place, it is easy to see how one could misplace or misuse one component in the training script. The trainer is there to orchestrate everything for you!

Building the environment

First let’s write a helper function that will output an environment. As usual, the “raw” environment may be too simple to be used in practice and we’ll need some data transformation to expose its output to the policy.

We will be using five transforms:

  • StepCounter to count the number of steps in each trajectory;

  • ToTensorImage will convert a [W, H, C] uint8 tensor in a floating point tensor in the [0, 1] space with shape [C, W, H];

  • RewardScaling to reduce the scale of the return;

  • GrayScale will turn our image into grayscale;

  • Resize will resize the image in a 64x64 format;

  • CatFrames will concatenate an arbitrary number of successive frames (N=4) in a single tensor along the channel dimension. This is useful as a single image does not carry information about the motion of the cartpole. Some memory about past observations and actions is needed, either via a recurrent neural network or using a stack of frames.

  • ObservationNorm which will normalize our observations given some custom summary statistics.

In practice, our environment builder has two arguments:

  • parallel: determines whether multiple environments have to be run in parallel. We stack the transforms after the ParallelEnv to take advantage of vectorization of the operations on device, although this would technically work with every single environment attached to its own set of transforms.

  • obs_norm_sd will contain the normalizing constants for the ObservationNorm transform.

def make_env(
    parallel=False,
    obs_norm_sd=None,
):
    if obs_norm_sd is None:
        obs_norm_sd = {"standard_normal": True}
    if parallel:
        base_env = ParallelEnv(
            num_workers,
            EnvCreator(
                lambda: GymEnv(
                    "CartPole-v1",
                    from_pixels=True,
                    pixels_only=True,
                    device=device,
                )
            ),
        )
    else:
        base_env = GymEnv(
            "CartPole-v1",
            from_pixels=True,
            pixels_only=True,
            device=device,
        )

    env = TransformedEnv(
        base_env,
        Compose(
            StepCounter(),  # to count the steps of each trajectory
            ToTensorImage(),
            RewardScaling(loc=0.0, scale=0.1),
            GrayScale(),
            Resize(64, 64),
            CatFrames(4, in_keys=["pixels"], dim=-3),
            ObservationNorm(in_keys=["pixels"], **obs_norm_sd),
        ),
    )
    return env

Compute normalizing constants

To normalize images, we don’t want to normalize each pixel independently with a full [C, W, H] normalizing mask, but with simpler [C, 1, 1] shaped set of normalizing constants (loc and scale parameters). We will be using the reduce_dim argument of init_stats() to instruct which dimensions must be reduced, and the keep_dims parameter to ensure that not all dimensions disappear in the process:

def get_norm_stats():
    test_env = make_env()
    test_env.transform[-1].init_stats(
        num_iter=1000, cat_dim=0, reduce_dim=[-1, -2, -4], keep_dims=(-1, -2)
    )
    obs_norm_sd = test_env.transform[-1].state_dict()
    # let's check that normalizing constants have a size of ``[C, 1, 1]`` where
    # ``C=4`` (because of :class:`~torchrl.envs.CatFrames`).
    print("state dict of the observation norm:", obs_norm_sd)
    test_env.close()
    return obs_norm_sd

Building the model (Deep Q-network)

The following function builds a DuelingCnnDQNet object which is a simple CNN followed by a two-layer MLP. The only trick used here is that the action values (i.e. left and right action value) are computed using

\[\mathbb{v} = b(obs) + v(obs) - \mathbb{E}[v(obs)]\]

where \(\mathbb{v}\) is our vector of action values, \(b\) is a \(\mathbb{R}^n \rightarrow 1\) function and \(v\) is a \(\mathbb{R}^n \rightarrow \mathbb{R}^m\) function, for \(n = \# obs\) and \(m = \# actions\).

Our network is wrapped in a QValueActor, which will read the state-action values, pick up the one with the maximum value and write all those results in the input tensordict.TensorDict.

def make_model(dummy_env):
    cnn_kwargs = {
        "num_cells": [32, 64, 64],
        "kernel_sizes": [6, 4, 3],
        "strides": [2, 2, 1],
        "activation_class": nn.ELU,
        # This can be used to reduce the size of the last layer of the CNN
        # "squeeze_output": True,
        # "aggregator_class": nn.AdaptiveAvgPool2d,
        # "aggregator_kwargs": {"output_size": (1, 1)},
    }
    mlp_kwargs = {
        "depth": 2,
        "num_cells": [
            64,
            64,
        ],
        "activation_class": nn.ELU,
    }
    net = DuelingCnnDQNet(
        dummy_env.action_spec.shape[-1], 1, cnn_kwargs, mlp_kwargs
    ).to(device)
    net.value[-1].bias.data.fill_(init_bias)

    actor = QValueActor(net, in_keys=["pixels"], spec=dummy_env.action_spec).to(device)
    # init actor: because the model is composed of lazy conv/linear layers,
    # we must pass a fake batch of data through it to instantiate them.
    tensordict = dummy_env.fake_tensordict()
    actor(tensordict)

    # we join our actor with an EGreedyModule for data collection
    exploration_module = EGreedyModule(
        spec=dummy_env.action_spec,
        annealing_num_steps=total_frames,
        eps_init=eps_greedy_val,
        eps_end=eps_greedy_val_env,
    )
    actor_explore = TensorDictSequential(actor, exploration_module)

    return actor, actor_explore

Collecting and storing data

Replay buffers

Replay buffers play a central role in off-policy RL sota-implementations such as DQN. They constitute the dataset we will be sampling from during training.

Here, we will use a regular sampling strategy, although a prioritized RB could improve the performance significantly.

We place the storage on disk using LazyMemmapStorage class. This storage is created in a lazy manner: it will only be instantiated once the first batch of data is passed to it.

The only requirement of this storage is that the data passed to it at write time must always have the same shape.

def get_replay_buffer(buffer_size, n_optim, batch_size):
    replay_buffer = TensorDictReplayBuffer(
        batch_size=batch_size,
        storage=LazyMemmapStorage(buffer_size),
        prefetch=n_optim,
    )
    return replay_buffer

Data collector

As in PPO and DDPG, we will be using a data collector as a dataloader in the outer loop.

We choose the following configuration: we will be running a series of parallel environments synchronously in parallel in different collectors, themselves running in parallel but asynchronously.

Note

This feature is only available when running the code within the “spawn” start method of python multiprocessing library. If this tutorial is run directly as a script (thereby using the “fork” method) we will be using a regular SyncDataCollector.

The advantage of this configuration is that we can balance the amount of compute that is executed in batch with what we want to be executed asynchronously. We encourage the reader to experiment how the collection speed is impacted by modifying the number of collectors (ie the number of environment constructors passed to the collector) and the number of environment executed in parallel in each collector (controlled by the num_workers hyperparameter).

Collector’s devices are fully parametrizable through the device (general), policy_device, env_device and storing_device arguments. The storing_device argument will modify the location of the data being collected: if the batches that we are gathering have a considerable size, we may want to store them on a different location than the device where the computation is happening. For asynchronous data collectors such as ours, different storing devices mean that the data that we collect won’t sit on the same device each time, which is something that out training loop must account for. For simplicity, we set the devices to the same value for all sub-collectors.

def get_collector(
    stats,
    num_collectors,
    actor_explore,
    frames_per_batch,
    total_frames,
    device,
):
    cls = MultiaSyncDataCollector
    env_arg = [make_env(parallel=True, obs_norm_sd=stats)] * num_collectors
    data_collector = cls(
        env_arg,
        policy=actor_explore,
        frames_per_batch=frames_per_batch,
        total_frames=total_frames,
        # this is the default behaviour: the collector runs in ``"random"`` (or explorative) mode
        exploration_type=ExplorationType.RANDOM,
        # We set the all the devices to be identical. Below is an example of
        # heterogeneous devices
        device=device,
        storing_device=device,
        split_trajs=False,
        postproc=MultiStep(gamma=gamma, n_steps=5),
    )
    return data_collector

Loss function

Building our loss function is straightforward: we only need to provide the model and a bunch of hyperparameters to the DQNLoss class.

Target parameters

Many off-policy RL sota-implementations use the concept of “target parameters” when it comes to estimate the value of the next state or state-action pair. The target parameters are lagged copies of the model parameters. Because their predictions mismatch those of the current model configuration, they help learning by putting a pessimistic bound on the value being estimated. This is a powerful trick (known as “Double Q-Learning”) that is ubiquitous in similar sota-implementations.

def get_loss_module(actor, gamma):
    loss_module = DQNLoss(actor, delay_value=True)
    loss_module.make_value_estimator(gamma=gamma)
    target_updater = SoftUpdate(loss_module, eps=0.995)
    return loss_module, target_updater

Hyperparameters

Let’s start with our hyperparameters. The following setting should work well in practice, and the performance of the algorithm should hopefully not be too sensitive to slight variations of these.

is_fork = multiprocessing.get_start_method() == "fork"
device = (
    torch.device(0)
    if torch.cuda.is_available() and not is_fork
    else torch.device("cpu")
)

Optimizer

# the learning rate of the optimizer
lr = 2e-3
# weight decay
wd = 1e-5
# the beta parameters of Adam
betas = (0.9, 0.999)
# Optimization steps per batch collected (aka UPD or updates per data)
n_optim = 8

DQN parameters

gamma decay factor

gamma = 0.99

Smooth target network update decay parameter. This loosely corresponds to a 1/tau interval with hard target network update

tau = 0.02

Data collection and replay buffer

Note

Values to be used for proper training have been commented.

Total frames collected in the environment. In other implementations, the user defines a maximum number of episodes. This is harder to do with our data collectors since they return batches of N collected frames, where N is a constant. However, one can easily get the same restriction on number of episodes by breaking the training loop when a certain number episodes has been collected.

total_frames = 5_000  # 500000

Random frames used to initialize the replay buffer.

init_random_frames = 100  # 1000

Frames in each batch collected.

frames_per_batch = 32  # 128

Frames sampled from the replay buffer at each optimization step

batch_size = 32  # 256

Size of the replay buffer in terms of frames

buffer_size = min(total_frames, 100000)

Number of environments run in parallel in each data collector

num_workers = 2  # 8
num_collectors = 2  # 4

Environment and exploration

We set the initial and final value of the epsilon factor in Epsilon-greedy exploration. Since our policy is deterministic, exploration is crucial: without it, the only source of randomness would be the environment reset.

eps_greedy_val = 0.1
eps_greedy_val_env = 0.005

To speed up learning, we set the bias of the last layer of our value network to a predefined value (this is not mandatory)

init_bias = 2.0

Note

For fast rendering of the tutorial total_frames hyperparameter was set to a very low number. To get a reasonable performance, use a greater value e.g. 500000

Building a Trainer

TorchRL’s Trainer class constructor takes the following keyword-only arguments:

  • collector

  • loss_module

  • optimizer

  • logger: A logger can be

  • total_frames: this parameter defines the lifespan of the trainer.

  • frame_skip: when a frame-skip is used, the collector must be made aware of it in order to accurately count the number of frames collected etc. Making the trainer aware of this parameter is not mandatory but helps to have a fairer comparison between settings where the total number of frames (budget) is fixed but the frame-skip is variable.

stats = get_norm_stats()
test_env = make_env(parallel=False, obs_norm_sd=stats)
# Get model
actor, actor_explore = make_model(test_env)
loss_module, target_net_updater = get_loss_module(actor, gamma)

collector = get_collector(
    stats=stats,
    num_collectors=num_collectors,
    actor_explore=actor_explore,
    frames_per_batch=frames_per_batch,
    total_frames=total_frames,
    device=device,
)
optimizer = torch.optim.Adam(
    loss_module.parameters(), lr=lr, weight_decay=wd, betas=betas
)
exp_name = f"dqn_exp_{uuid.uuid1()}"
tmpdir = tempfile.TemporaryDirectory()
logger = CSVLogger(exp_name=exp_name, log_dir=tmpdir.name)
warnings.warn(f"log dir: {logger.experiment.log_dir}")
state dict of the observation norm: OrderedDict([('standard_normal', tensor(True)), ('loc', tensor([[[0.9895]],

        [[0.9895]],

        [[0.9895]],

        [[0.9895]]])), ('scale', tensor([[[0.0737]],

        [[0.0737]],

        [[0.0737]],

        [[0.0737]]]))])

We can control how often the scalars should be logged. Here we set this to a low value as our training loop is short:

log_interval = 500

trainer = Trainer(
    collector=collector,
    total_frames=total_frames,
    frame_skip=1,
    loss_module=loss_module,
    optimizer=optimizer,
    logger=logger,
    optim_steps_per_batch=n_optim,
    log_interval=log_interval,
)

Registering hooks

Registering hooks can be achieved in two separate ways:

  • If the hook has it, the register() method is the first choice. One just needs to provide the trainer as input and the hook will be registered with a default name at a default location. For some hooks, the registration can be quite complex: ReplayBufferTrainer requires 3 hooks (extend, sample and update_priority) which can be cumbersome to implement.

buffer_hook = ReplayBufferTrainer(
    get_replay_buffer(buffer_size, n_optim, batch_size=batch_size),
    flatten_tensordicts=True,
)
buffer_hook.register(trainer)
weight_updater = UpdateWeights(collector, update_weights_interval=1)
weight_updater.register(trainer)
recorder = Recorder(
    record_interval=100,  # log every 100 optimization steps
    record_frames=1000,  # maximum number of frames in the record
    frame_skip=1,
    policy_exploration=actor_explore,
    environment=test_env,
    exploration_type=ExplorationType.MODE,
    log_keys=[("next", "reward")],
    out_keys={("next", "reward"): "rewards"},
    log_pbar=True,
)
recorder.register(trainer)

The exploration module epsilon factor is also annealed:

trainer.register_op("post_steps", actor_explore[1].step, frames=frames_per_batch)
  • Any callable (including TrainerHookBase subclasses) can be registered using register_op(). In this case, a location must be explicitly passed (). This method gives more control over the location of the hook but it also requires more understanding of the Trainer mechanism. Check the trainer documentation for a detailed description of the trainer hooks.

trainer.register_op("post_optim", target_net_updater.step)

We can log the training rewards too. Note that this is of limited interest with CartPole, as rewards are always 1. The discounted sum of rewards is maximised not by getting higher rewards but by keeping the cart-pole alive for longer. This will be reflected by the total_rewards value displayed in the progress bar.

log_reward = LogReward(log_pbar=True)
log_reward.register(trainer)

Note

It is possible to link multiple optimizers to the trainer if needed. In this case, each optimizer will be tied to a field in the loss dictionary. Check the OptimizerHook to learn more.

Here we are, ready to train our algorithm! A simple call to trainer.train() and we’ll be getting our results logged in.

trainer.train()
  0%|          | 0/5000 [00:00<?, ?it/s]
  1%|          | 32/5000 [00:07<19:03,  4.35it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   1%|          | 32/5000 [00:07<19:03,  4.35it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   1%|▏         | 64/5000 [00:07<08:18,  9.90it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   1%|▏         | 64/5000 [00:07<08:18,  9.90it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   2%|▏         | 96/5000 [00:08<04:51, 16.81it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   2%|▏         | 96/5000 [00:08<04:51, 16.81it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   3%|▎         | 128/5000 [00:08<03:16, 24.74it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:   3%|▎         | 128/5000 [00:08<03:16, 24.74it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:   3%|▎         | 160/5000 [00:08<02:23, 33.78it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   3%|▎         | 160/5000 [00:08<02:23, 33.78it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   4%|▍         | 192/5000 [00:09<01:50, 43.32it/s]
r_training: 0.3505, rewards: 0.1000, total_rewards: 1.2346:   4%|▍         | 192/5000 [00:09<01:50, 43.32it/s]
r_training: 0.3505, rewards: 0.1000, total_rewards: 1.2346:   4%|▍         | 224/5000 [00:09<01:31, 52.22it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   4%|▍         | 224/5000 [00:09<01:31, 52.22it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   5%|▌         | 256/5000 [00:09<01:18, 60.55it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   5%|▌         | 256/5000 [00:09<01:18, 60.55it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   6%|▌         | 288/5000 [00:10<01:07, 69.67it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   6%|▌         | 288/5000 [00:10<01:07, 69.67it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   6%|▋         | 320/5000 [00:10<01:02, 74.33it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   6%|▋         | 320/5000 [00:10<01:02, 74.33it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:   7%|▋         | 352/5000 [00:10<00:58, 79.40it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:   7%|▋         | 352/5000 [00:10<00:58, 79.40it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:   8%|▊         | 384/5000 [00:11<00:56, 81.78it/s]
r_training: 0.3960, rewards: 0.1000, total_rewards: 1.2346:   8%|▊         | 384/5000 [00:11<00:56, 81.78it/s]
r_training: 0.3960, rewards: 0.1000, total_rewards: 1.2346:   8%|▊         | 416/5000 [00:11<00:55, 83.14it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:   8%|▊         | 416/5000 [00:11<00:55, 83.14it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:   9%|▉         | 448/5000 [00:11<00:52, 86.94it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:   9%|▉         | 448/5000 [00:11<00:52, 86.94it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  10%|▉         | 480/5000 [00:12<00:50, 88.80it/s]
r_training: 0.3748, rewards: 0.1000, total_rewards: 1.2346:  10%|▉         | 480/5000 [00:12<00:50, 88.80it/s]
r_training: 0.3748, rewards: 0.1000, total_rewards: 1.2346:  10%|█         | 512/5000 [00:12<00:50, 88.48it/s]
r_training: 0.3232, rewards: 0.1000, total_rewards: 1.2346:  10%|█         | 512/5000 [00:12<00:50, 88.48it/s]
r_training: 0.3232, rewards: 0.1000, total_rewards: 1.2346:  11%|█         | 544/5000 [00:12<00:50, 88.36it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  11%|█         | 544/5000 [00:12<00:50, 88.36it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  12%|█▏        | 576/5000 [00:13<00:50, 88.02it/s]
r_training: 0.3566, rewards: 0.1000, total_rewards: 1.2346:  12%|█▏        | 576/5000 [00:13<00:50, 88.02it/s]
r_training: 0.3566, rewards: 0.1000, total_rewards: 1.2346:  12%|█▏        | 608/5000 [00:13<00:48, 90.24it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:  12%|█▏        | 608/5000 [00:13<00:48, 90.24it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:  13%|█▎        | 640/5000 [00:13<00:46, 93.34it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  13%|█▎        | 640/5000 [00:13<00:46, 93.34it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  13%|█▎        | 672/5000 [00:14<00:45, 95.26it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  13%|█▎        | 672/5000 [00:14<00:45, 95.26it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  14%|█▍        | 704/5000 [00:14<00:44, 95.70it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:  14%|█▍        | 704/5000 [00:14<00:44, 95.70it/s]
r_training: 0.3778, rewards: 0.1000, total_rewards: 1.2346:  15%|█▍        | 736/5000 [00:14<00:45, 94.27it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  15%|█▍        | 736/5000 [00:14<00:45, 94.27it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  15%|█▌        | 768/5000 [00:15<00:43, 96.97it/s]
r_training: 0.3505, rewards: 0.1000, total_rewards: 1.2346:  15%|█▌        | 768/5000 [00:15<00:43, 96.97it/s]
r_training: 0.3505, rewards: 0.1000, total_rewards: 1.2346:  16%|█▌        | 800/5000 [00:15<00:42, 99.24it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  16%|█▌        | 800/5000 [00:15<00:42, 99.24it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  17%|█▋        | 832/5000 [00:15<00:42, 97.48it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  17%|█▋        | 832/5000 [00:15<00:42, 97.48it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  17%|█▋        | 864/5000 [00:16<00:42, 97.83it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  17%|█▋        | 864/5000 [00:16<00:42, 97.83it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  18%|█▊        | 896/5000 [00:16<00:42, 96.08it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  18%|█▊        | 896/5000 [00:16<00:42, 96.08it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  19%|█▊        | 928/5000 [00:16<00:42, 96.09it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  19%|█▊        | 928/5000 [00:16<00:42, 96.09it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  19%|█▉        | 960/5000 [00:17<00:42, 94.56it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  19%|█▉        | 960/5000 [00:17<00:42, 94.56it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  20%|█▉        | 992/5000 [00:17<00:42, 94.89it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  20%|█▉        | 992/5000 [00:17<00:42, 94.89it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  20%|██        | 1024/5000 [00:17<00:41, 95.78it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  20%|██        | 1024/5000 [00:17<00:41, 95.78it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  21%|██        | 1056/5000 [00:18<00:42, 93.85it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  21%|██        | 1056/5000 [00:18<00:42, 93.85it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  22%|██▏       | 1088/5000 [00:18<00:40, 95.91it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  22%|██▏       | 1088/5000 [00:18<00:40, 95.91it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  22%|██▏       | 1120/5000 [00:18<00:40, 95.14it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  22%|██▏       | 1120/5000 [00:18<00:40, 95.14it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  23%|██▎       | 1152/5000 [00:19<00:39, 97.42it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  23%|██▎       | 1152/5000 [00:19<00:39, 97.42it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  24%|██▎       | 1184/5000 [00:19<00:39, 95.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  24%|██▎       | 1184/5000 [00:19<00:39, 95.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  24%|██▍       | 1216/5000 [00:19<00:39, 95.17it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  24%|██▍       | 1216/5000 [00:19<00:39, 95.17it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  25%|██▍       | 1248/5000 [00:20<00:39, 93.91it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  25%|██▍       | 1248/5000 [00:20<00:39, 93.91it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  26%|██▌       | 1280/5000 [00:20<00:38, 96.72it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  26%|██▌       | 1280/5000 [00:20<00:38, 96.72it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  26%|██▌       | 1312/5000 [00:20<00:38, 96.09it/s]
r_training: 0.4173, rewards: 0.1000, total_rewards: 1.2346:  26%|██▌       | 1312/5000 [00:20<00:38, 96.09it/s]
r_training: 0.4173, rewards: 0.1000, total_rewards: 1.2346:  27%|██▋       | 1344/5000 [00:21<00:36, 99.41it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  27%|██▋       | 1344/5000 [00:21<00:36, 99.41it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  28%|██▊       | 1376/5000 [00:21<00:37, 97.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  28%|██▊       | 1376/5000 [00:21<00:37, 97.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  28%|██▊       | 1408/5000 [00:21<00:37, 94.83it/s]
r_training: 0.4173, rewards: 0.1000, total_rewards: 1.2346:  28%|██▊       | 1408/5000 [00:21<00:37, 94.83it/s]
r_training: 0.4173, rewards: 0.1000, total_rewards: 1.2346:  29%|██▉       | 1440/5000 [00:22<00:37, 93.98it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  29%|██▉       | 1440/5000 [00:22<00:37, 93.98it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  29%|██▉       | 1472/5000 [00:22<00:37, 94.46it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  29%|██▉       | 1472/5000 [00:22<00:37, 94.46it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  30%|███       | 1504/5000 [00:22<00:37, 93.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  30%|███       | 1504/5000 [00:22<00:37, 93.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  31%|███       | 1536/5000 [00:23<00:35, 96.98it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  31%|███       | 1536/5000 [00:23<00:35, 96.98it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  31%|███▏      | 1568/5000 [00:23<00:35, 96.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  31%|███▏      | 1568/5000 [00:23<00:35, 96.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  32%|███▏      | 1600/5000 [00:23<00:35, 96.79it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  32%|███▏      | 1600/5000 [00:23<00:35, 96.79it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  33%|███▎      | 1632/5000 [00:24<00:34, 96.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  33%|███▎      | 1632/5000 [00:24<00:34, 96.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  33%|███▎      | 1664/5000 [00:24<00:35, 93.95it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  33%|███▎      | 1664/5000 [00:24<00:35, 93.95it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  34%|███▍      | 1696/5000 [00:24<00:35, 94.04it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  34%|███▍      | 1696/5000 [00:24<00:35, 94.04it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  35%|███▍      | 1728/5000 [00:25<00:35, 92.65it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  35%|███▍      | 1728/5000 [00:25<00:35, 92.65it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  35%|███▌      | 1760/5000 [00:25<00:35, 91.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  35%|███▌      | 1760/5000 [00:25<00:35, 91.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  36%|███▌      | 1792/5000 [00:25<00:33, 95.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  36%|███▌      | 1792/5000 [00:25<00:33, 95.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  36%|███▋      | 1824/5000 [00:26<00:32, 98.19it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  36%|███▋      | 1824/5000 [00:26<00:32, 98.19it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 1.2346:  37%|███▋      | 1856/5000 [00:26<00:31, 99.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  37%|███▋      | 1856/5000 [00:26<00:31, 99.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  38%|███▊      | 1888/5000 [00:26<00:30, 100.43it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  38%|███▊      | 1888/5000 [00:26<00:30, 100.43it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  38%|███▊      | 1920/5000 [00:27<00:29, 102.80it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  38%|███▊      | 1920/5000 [00:27<00:29, 102.80it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  39%|███▉      | 1952/5000 [00:27<00:29, 103.56it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  39%|███▉      | 1952/5000 [00:27<00:29, 103.56it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  40%|███▉      | 1984/5000 [00:27<00:30, 99.86it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  40%|███▉      | 1984/5000 [00:27<00:30, 99.86it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  40%|████      | 2016/5000 [00:28<00:30, 97.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  40%|████      | 2016/5000 [00:28<00:30, 97.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  41%|████      | 2048/5000 [00:28<00:30, 98.34it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  41%|████      | 2048/5000 [00:28<00:30, 98.34it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  42%|████▏     | 2080/5000 [00:28<00:29, 99.83it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  42%|████▏     | 2080/5000 [00:28<00:29, 99.83it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 1.2346:  42%|████▏     | 2112/5000 [00:29<00:28, 101.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  42%|████▏     | 2112/5000 [00:29<00:28, 101.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  43%|████▎     | 2144/5000 [00:29<00:29, 97.62it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  43%|████▎     | 2144/5000 [00:29<00:29, 97.62it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  44%|████▎     | 2176/5000 [00:29<00:28, 97.56it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  44%|████▎     | 2176/5000 [00:29<00:28, 97.56it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  44%|████▍     | 2208/5000 [00:30<00:28, 96.90it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  44%|████▍     | 2208/5000 [00:30<00:28, 96.90it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 1.2346:  45%|████▍     | 2240/5000 [00:30<00:28, 95.64it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  45%|████▍     | 2240/5000 [00:30<00:28, 95.64it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  45%|████▌     | 2272/5000 [00:30<00:28, 94.34it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  45%|████▌     | 2272/5000 [00:30<00:28, 94.34it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  46%|████▌     | 2304/5000 [00:31<00:28, 96.06it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  46%|████▌     | 2304/5000 [00:31<00:28, 96.06it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  47%|████▋     | 2336/5000 [00:31<00:27, 95.76it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  47%|████▋     | 2336/5000 [00:31<00:27, 95.76it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  47%|████▋     | 2368/5000 [00:31<00:27, 96.09it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  47%|████▋     | 2368/5000 [00:31<00:27, 96.09it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  48%|████▊     | 2400/5000 [00:32<00:27, 94.14it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  48%|████▊     | 2400/5000 [00:32<00:27, 94.14it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  49%|████▊     | 2432/5000 [00:32<00:26, 95.46it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  49%|████▊     | 2432/5000 [00:32<00:26, 95.46it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  49%|████▉     | 2464/5000 [00:32<00:26, 95.65it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  49%|████▉     | 2464/5000 [00:32<00:26, 95.65it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  50%|████▉     | 2496/5000 [00:33<00:26, 95.04it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  50%|████▉     | 2496/5000 [00:33<00:26, 95.04it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  51%|█████     | 2528/5000 [00:33<00:26, 94.44it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  51%|█████     | 2528/5000 [00:33<00:26, 94.44it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  51%|█████     | 2560/5000 [00:33<00:26, 93.31it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  51%|█████     | 2560/5000 [00:33<00:26, 93.31it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  52%|█████▏    | 2592/5000 [00:34<00:24, 96.60it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  52%|█████▏    | 2592/5000 [00:34<00:24, 96.60it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  52%|█████▏    | 2624/5000 [00:34<00:24, 96.59it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  52%|█████▏    | 2624/5000 [00:34<00:24, 96.59it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  53%|█████▎    | 2656/5000 [00:34<00:23, 98.99it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  53%|█████▎    | 2656/5000 [00:34<00:23, 98.99it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  54%|█████▍    | 2688/5000 [00:35<00:23, 98.72it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  54%|█████▍    | 2688/5000 [00:35<00:23, 98.72it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  54%|█████▍    | 2720/5000 [00:35<00:23, 98.05it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  54%|█████▍    | 2720/5000 [00:35<00:23, 98.05it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  55%|█████▌    | 2752/5000 [00:35<00:22, 97.98it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  55%|█████▌    | 2752/5000 [00:35<00:22, 97.98it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 1.2346:  56%|█████▌    | 2784/5000 [00:36<00:22, 98.11it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  56%|█████▌    | 2784/5000 [00:36<00:22, 98.11it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  56%|█████▋    | 2816/5000 [00:36<00:22, 97.57it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  56%|█████▋    | 2816/5000 [00:36<00:22, 97.57it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  57%|█████▋    | 2848/5000 [00:36<00:22, 97.76it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  57%|█████▋    | 2848/5000 [00:36<00:22, 97.76it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  58%|█████▊    | 2880/5000 [00:37<00:22, 96.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  58%|█████▊    | 2880/5000 [00:37<00:22, 96.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  58%|█████▊    | 2912/5000 [00:37<00:21, 95.10it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  58%|█████▊    | 2912/5000 [00:37<00:21, 95.10it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  59%|█████▉    | 2944/5000 [00:37<00:21, 97.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  59%|█████▉    | 2944/5000 [00:37<00:21, 97.58it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  60%|█████▉    | 2976/5000 [00:38<00:20, 97.79it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  60%|█████▉    | 2976/5000 [00:38<00:20, 97.79it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  60%|██████    | 3008/5000 [00:38<00:21, 94.03it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  60%|██████    | 3008/5000 [00:38<00:21, 94.03it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  61%|██████    | 3040/5000 [00:38<00:20, 94.63it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  61%|██████    | 3040/5000 [00:38<00:20, 94.63it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  61%|██████▏   | 3072/5000 [00:39<00:20, 93.77it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  61%|██████▏   | 3072/5000 [00:39<00:20, 93.77it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  62%|██████▏   | 3104/5000 [00:39<00:20, 92.12it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  62%|██████▏   | 3104/5000 [00:39<00:20, 92.12it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 1.2346:  63%|██████▎   | 3136/5000 [00:39<00:20, 92.34it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  63%|██████▎   | 3136/5000 [00:39<00:20, 92.34it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 1.2346:  63%|██████▎   | 3168/5000 [00:40<00:19, 92.19it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  63%|██████▎   | 3168/5000 [00:40<00:19, 92.19it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  64%|██████▍   | 3200/5000 [00:40<00:19, 91.00it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  64%|██████▍   | 3200/5000 [00:40<00:19, 91.00it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 1.2346:  65%|██████▍   | 3232/5000 [00:47<02:03, 14.33it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  65%|██████▍   | 3232/5000 [00:47<02:03, 14.33it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  65%|██████▌   | 3264/5000 [00:47<01:30, 19.14it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  65%|██████▌   | 3264/5000 [00:47<01:30, 19.14it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  66%|██████▌   | 3296/5000 [00:47<01:07, 25.25it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  66%|██████▌   | 3296/5000 [00:47<01:07, 25.25it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  67%|██████▋   | 3328/5000 [00:48<00:51, 32.31it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  67%|██████▋   | 3328/5000 [00:48<00:51, 32.31it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  67%|██████▋   | 3360/5000 [00:48<00:40, 40.71it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 7.6923:  67%|██████▋   | 3360/5000 [00:48<00:40, 40.71it/s]
r_training: 0.3869, rewards: 0.1000, total_rewards: 7.6923:  68%|██████▊   | 3392/5000 [00:48<00:33, 48.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  68%|██████▊   | 3392/5000 [00:48<00:33, 48.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  68%|██████▊   | 3424/5000 [00:49<00:28, 56.21it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  68%|██████▊   | 3424/5000 [00:49<00:28, 56.21it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  69%|██████▉   | 3456/5000 [00:49<00:24, 63.19it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  69%|██████▉   | 3456/5000 [00:49<00:24, 63.19it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  70%|██████▉   | 3488/5000 [00:49<00:21, 68.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  70%|██████▉   | 3488/5000 [00:49<00:21, 68.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  70%|███████   | 3520/5000 [00:50<00:19, 76.12it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 7.6923:  70%|███████   | 3520/5000 [00:50<00:19, 76.12it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 7.6923:  71%|███████   | 3552/5000 [00:50<00:17, 82.16it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  71%|███████   | 3552/5000 [00:50<00:17, 82.16it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  72%|███████▏  | 3584/5000 [00:50<00:16, 85.73it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  72%|███████▏  | 3584/5000 [00:50<00:16, 85.73it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  72%|███████▏  | 3616/5000 [00:51<00:15, 89.25it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  72%|███████▏  | 3616/5000 [00:51<00:15, 89.25it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  73%|███████▎  | 3648/5000 [00:51<00:14, 91.20it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  73%|███████▎  | 3648/5000 [00:51<00:14, 91.20it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  74%|███████▎  | 3680/5000 [00:51<00:13, 96.16it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  74%|███████▎  | 3680/5000 [00:51<00:13, 96.16it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  74%|███████▍  | 3712/5000 [00:52<00:13, 95.71it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 7.6923:  74%|███████▍  | 3712/5000 [00:52<00:13, 95.71it/s]
r_training: 0.4082, rewards: 0.1000, total_rewards: 7.6923:  75%|███████▍  | 3744/5000 [00:52<00:12, 97.92it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  75%|███████▍  | 3744/5000 [00:52<00:12, 97.92it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  76%|███████▌  | 3776/5000 [00:52<00:12, 98.96it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  76%|███████▌  | 3776/5000 [00:52<00:12, 98.96it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  76%|███████▌  | 3808/5000 [00:53<00:11, 101.40it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  76%|███████▌  | 3808/5000 [00:53<00:11, 101.40it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  77%|███████▋  | 3840/5000 [00:53<00:11, 101.99it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  77%|███████▋  | 3840/5000 [00:53<00:11, 101.99it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  77%|███████▋  | 3872/5000 [00:53<00:10, 103.52it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  77%|███████▋  | 3872/5000 [00:53<00:10, 103.52it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  78%|███████▊  | 3904/5000 [00:54<00:11, 99.54it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  78%|███████▊  | 3904/5000 [00:54<00:11, 99.54it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  79%|███████▊  | 3936/5000 [00:54<00:10, 98.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  79%|███████▊  | 3936/5000 [00:54<00:10, 98.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  79%|███████▉  | 3968/5000 [00:54<00:10, 100.24it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  79%|███████▉  | 3968/5000 [00:54<00:10, 100.24it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  80%|████████  | 4000/5000 [00:55<00:10, 96.91it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  80%|████████  | 4000/5000 [00:55<00:10, 96.91it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  81%|████████  | 4032/5000 [00:55<00:10, 96.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  81%|████████  | 4032/5000 [00:55<00:10, 96.78it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  81%|████████▏ | 4064/5000 [00:55<00:09, 97.70it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  81%|████████▏ | 4064/5000 [00:55<00:09, 97.70it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  82%|████████▏ | 4096/5000 [00:56<00:09, 95.95it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 7.6923:  82%|████████▏ | 4096/5000 [00:56<00:09, 95.95it/s]
r_training: 0.3718, rewards: 0.1000, total_rewards: 7.6923:  83%|████████▎ | 4128/5000 [00:56<00:09, 95.82it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  83%|████████▎ | 4128/5000 [00:56<00:09, 95.82it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  83%|████████▎ | 4160/5000 [00:56<00:09, 93.11it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 7.6923:  83%|████████▎ | 4160/5000 [00:56<00:09, 93.11it/s]
r_training: 0.4021, rewards: 0.1000, total_rewards: 7.6923:  84%|████████▍ | 4192/5000 [00:57<00:08, 92.88it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  84%|████████▍ | 4192/5000 [00:57<00:08, 92.88it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  84%|████████▍ | 4224/5000 [00:57<00:08, 95.87it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  84%|████████▍ | 4224/5000 [00:57<00:08, 95.87it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  85%|████████▌ | 4256/5000 [00:57<00:07, 97.12it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  85%|████████▌ | 4256/5000 [00:57<00:07, 97.12it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  86%|████████▌ | 4288/5000 [00:58<00:07, 95.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  86%|████████▌ | 4288/5000 [00:58<00:07, 95.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  86%|████████▋ | 4320/5000 [00:58<00:06, 97.49it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  86%|████████▋ | 4320/5000 [00:58<00:06, 97.49it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  87%|████████▋ | 4352/5000 [00:58<00:06, 98.66it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  87%|████████▋ | 4352/5000 [00:58<00:06, 98.66it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  88%|████████▊ | 4384/5000 [00:59<00:06, 97.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  88%|████████▊ | 4384/5000 [00:59<00:06, 97.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  88%|████████▊ | 4416/5000 [00:59<00:05, 98.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  88%|████████▊ | 4416/5000 [00:59<00:05, 98.63it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  89%|████████▉ | 4448/5000 [00:59<00:05, 100.52it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 7.6923:  89%|████████▉ | 4448/5000 [00:59<00:05, 100.52it/s]
r_training: 0.3688, rewards: 0.1000, total_rewards: 7.6923:  90%|████████▉ | 4480/5000 [01:00<00:05, 101.75it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  90%|████████▉ | 4480/5000 [01:00<00:05, 101.75it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  90%|█████████ | 4512/5000 [01:00<00:04, 99.69it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  90%|█████████ | 4512/5000 [01:00<00:04, 99.69it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  91%|█████████ | 4544/5000 [01:00<00:04, 97.66it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  91%|█████████ | 4544/5000 [01:00<00:04, 97.66it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  92%|█████████▏| 4576/5000 [01:01<00:04, 93.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  92%|█████████▏| 4576/5000 [01:01<00:04, 93.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  92%|█████████▏| 4608/5000 [01:01<00:04, 91.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  92%|█████████▏| 4608/5000 [01:01<00:04, 91.20it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  93%|█████████▎| 4640/5000 [01:01<00:03, 90.00it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  93%|█████████▎| 4640/5000 [01:01<00:03, 90.00it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  93%|█████████▎| 4672/5000 [01:02<00:03, 89.30it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  93%|█████████▎| 4672/5000 [01:02<00:03, 89.30it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  94%|█████████▍| 4704/5000 [01:02<00:03, 92.32it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  94%|█████████▍| 4704/5000 [01:02<00:03, 92.32it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  95%|█████████▍| 4736/5000 [01:02<00:02, 92.15it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  95%|█████████▍| 4736/5000 [01:02<00:02, 92.15it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  95%|█████████▌| 4768/5000 [01:03<00:02, 91.87it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  95%|█████████▌| 4768/5000 [01:03<00:02, 91.87it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  96%|█████████▌| 4800/5000 [01:03<00:02, 90.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  96%|█████████▌| 4800/5000 [01:03<00:02, 90.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  97%|█████████▋| 4832/5000 [01:03<00:01, 90.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  97%|█████████▋| 4832/5000 [01:03<00:01, 90.02it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  97%|█████████▋| 4864/5000 [01:04<00:01, 90.06it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  97%|█████████▋| 4864/5000 [01:04<00:01, 90.06it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  98%|█████████▊| 4896/5000 [01:04<00:01, 92.11it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  98%|█████████▊| 4896/5000 [01:04<00:01, 92.11it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  99%|█████████▊| 4928/5000 [01:04<00:00, 91.25it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  99%|█████████▊| 4928/5000 [01:04<00:00, 91.25it/s]
r_training: 0.3991, rewards: 0.1000, total_rewards: 7.6923:  99%|█████████▉| 4960/5000 [01:05<00:00, 90.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923:  99%|█████████▉| 4960/5000 [01:05<00:00, 90.41it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923: 100%|█████████▉| 4992/5000 [01:05<00:00, 89.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923: 100%|█████████▉| 4992/5000 [01:05<00:00, 89.94it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923: : 5024it [01:05, 94.77it/s]
r_training: 0.4295, rewards: 0.1000, total_rewards: 7.6923: : 5024it [01:05, 94.77it/s]

We can now quickly check the CSVs with the results.

def print_csv_files_in_folder(folder_path):
    """
    Find all CSV files in a folder and prints the first 10 lines of each file.

    Args:
        folder_path (str): The relative path to the folder.

    """
    csv_files = []
    output_str = ""
    for dirpath, _, filenames in os.walk(folder_path):
        for file in filenames:
            if file.endswith(".csv"):
                csv_files.append(os.path.join(dirpath, file))
    for csv_file in csv_files:
        output_str += f"File: {csv_file}\n"
        with open(csv_file, "r") as f:
            for i, line in enumerate(f):
                if i == 10:
                    break
                output_str += line.strip() + "\n"
        output_str += "\n"
    print(output_str)


print_csv_files_in_folder(logger.experiment.log_dir)
File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/r_training.csv
512,0.3231988549232483
1024,0.36880597472190857
1536,0.42945271730422974
2048,0.38687777519226074
2560,0.39912933111190796
3072,0.42945271730422974
3584,0.42945271730422974
4096,0.3718078136444092
4608,0.42945271730422974

File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/optim_steps.csv
512,128.0
1024,256.0
1536,384.0
2048,512.0
2560,640.0
3072,768.0
3584,896.0
4096,1024.0
4608,1152.0

File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/loss.csv
512,0.30839279294013977
1024,0.1455620378255844
1536,0.27891847491264343
2048,0.21795663237571716
2560,0.3367735743522644
3072,0.2873050570487976
3584,0.36821040511131287
4096,0.43143966794013977
4608,0.48430389165878296

File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/grad_norm_0.csv
512,1.7837694883346558
1024,2.009655237197876
1536,2.8697993755340576
2048,2.15691876411438
2560,3.279327869415283
3072,3.297950267791748
3584,3.9732508659362793
4096,4.958994388580322
4608,5.262843608856201

File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/rewards.csv
3232,0.10000000894069672

File: /tmp/tmphy2a_87g/dqn_exp_7a95733e-025a-11ef-8e61-0242ac110002/scalars/total_rewards.csv
3232,7.69230842590332

Conclusion and possible improvements

In this tutorial we have learned:

  • How to write a Trainer, including building its components and registering them in the trainer;

  • How to code a DQN algorithm, including how to create a policy that picks up the action with the highest value with QValueNetwork;

  • How to build a multiprocessed data collector;

Possible improvements to this tutorial could include:

  • A prioritized replay buffer could also be used. This will give a higher priority to samples that have the worst value accuracy. Learn more on the replay buffer section of the documentation.

  • A distributional loss (see DistributionalDQNLoss for more information).

  • More fancy exploration techniques, such as NoisyLinear layers and such.

Total running time of the script: (2 minutes 35.027 seconds)

Estimated memory usage: 802 MB

Gallery generated by Sphinx-Gallery

Docs

Access comprehensive developer documentation for PyTorch

View Docs

Tutorials

Get in-depth tutorials for beginners and advanced developers

View Tutorials

Resources

Find development resources and get your questions answered

View Resources